diff --git a/.github/workflows/python-test.yml b/.github/workflows/python-test.yml
index b844a53..f0bcb2e 100644
--- a/.github/workflows/python-test.yml
+++ b/.github/workflows/python-test.yml
@@ -28,8 +28,10 @@ jobs:
pytest -vx tests/test_dataset_utils.py
pytest -vx tests/test_testable_tasks.py
pytest -vx tests/factors/test_covariances.py
- pytest -vx tests/factors/test_eigens.py
+ pytest -vx tests/factors/test_eigendecompositions.py
+ pytest -vx tests/factors/test_lambdas.py
pytest -vx tests/modules/test_modules.py
pytest -vx tests/modules/test_per_sample_gradients.py
+ pytest -vx tests/modules/test_matmul.py
pytest -vx tests/scores/test_pairwise_scores.py
pytest -vx tests/scores/test_self_scores.py
\ No newline at end of file
diff --git a/.gitignore b/.gitignore
index 1e2ced7..f4b18f5 100644
--- a/.gitignore
+++ b/.gitignore
@@ -164,7 +164,8 @@ cython_debug/
# Checkpoints and influence outputs
checkpoints/
-analyses/
+influence_results/
data/
+cache/
*.pth
*.pt
\ No newline at end of file
diff --git a/DOCUMENTATION.md b/DOCUMENTATION.md
index df68d53..cb2ee86 100644
--- a/DOCUMENTATION.md
+++ b/DOCUMENTATION.md
@@ -1,18 +1,18 @@
# Kronfluence: Technical Documentation & FAQs
-For a detailed description of the methodology, please refer to the [**paper**](https://arxiv.org/abs/2308.03296) *Studying Large Language Model Generalization with Influence Functions*.
+For a detailed description of the methodology, please refer to the [**paper**](https://arxiv.org/abs/2308.03296), *Studying Large Language Model Generalization with Influence Functions*.
## Requirements
Kronfluence has been tested and is compatible with the following versions of [PyTorch](https://pytorch.org/):
-- PyTorch 2.1 or higher
-- Python 3.9 or higher
+- Python: Version 3.9 or later
+- PyTorch: Version 2.1 or later
## Supported Modules & Strategies
Kronfluence offers support for:
- Computing influence functions on selected PyTorch modules. Currently, we support `nn.Linear` and `nn.Conv2d`.
-- Computing influence functions with several Hessian approximation strategies, including `identity`, `diagonal`, `KFAC`, and `EKFAC`.
+- Computing influence functions with several Hessian approximation strategies, including `identity`, `diagonal`, `kfac`, and `ekfac`.
- Computing pairwise and self-influence (with and without measurement) scores.
> [!NOTE]
@@ -22,12 +22,12 @@ Kronfluence offers support for:
## Step-by-Step Guide
-See [UCI Regression example](https://github.com/pomonam/kronfluence/blob/main/examples/uci/) for the complete workflow and
-interactive tutorial.
+See [UCI Regression example](https://github.com/pomonam/kronfluence/blob/main/examples/uci/) for the complete workflow and an interactive tutorial.
**Prepare Your Model and Dataset.**
Before computing influence scores, you need to prepare the trained model and dataset. You can use any frameworks to
-train the model (e.g., [Pytorch Lightning](https://lightning.ai/docs/pytorch/stable/) or [HuggingFace Trainer](https://huggingface.co/docs/transformers/main_classes/trainer)).
+train the model (e.g., [Pytorch Lightning](https://lightning.ai/docs/pytorch/stable/) or [HuggingFace Trainer](https://huggingface.co/docs/transformers/main_classes/trainer)); you just need to prepare the final model parameters.
+
```python
...
# Get the model with the trained parameters.
@@ -42,7 +42,7 @@ query_dataset = prepare_query_dataset()
**Define a Task.**
To compute influence scores, you need to define a [`Task`](https://github.com/pomonam/kronfluence/blob/main/kronfluence/task.py) class.
This class contains information about the trained model and how influence scores will be computed:
-(1) how to compute the training loss; (2) how to compute the measurable quantity (f(θ) in the [paper](https://arxiv.org/abs/2308.03296); see Equation 5);
+(1) how to compute the training loss; (2) how to compute the measurable quantity (f(θ) in the [paper](https://arxiv.org/abs/2308.03296); see **Equation 5**);
(3) which modules to use for influence function computations; and (4) whether the model used [attention mask](https://huggingface.co/docs/transformers/en/glossary#attention-mask).
```python
@@ -58,7 +58,6 @@ class YourTask(Task):
model: nn.Module,
sample: bool = False,
) -> torch.Tensor:
- # This will be used for computing the training gradient.
# TODO: Complete this method.
def compute_measurement(
@@ -66,16 +65,15 @@ class YourTask(Task):
batch: Any,
model: nn.Module,
) -> torch.Tensor:
- # This will be used for computing the measurable quantity.
# TODO: Complete this method.
- def tracked_modules(self) -> Optional[List[str]]:
+ def get_influence_tracked_modules(self) -> Optional[List[str]]:
# TODO: [Optional] Complete this method.
return None # Compute influence scores on all available modules.
def get_attention_mask(self, batch: Any) -> Optional[Union[Dict[str, torch.Tensor], torch.Tensor]]:
# TODO: [Optional] Complete this method.
- return None # No attention mask is used.
+ return None # Attention mask not used.
```
**Prepare Your Model for Influence Computations.**
@@ -91,15 +89,15 @@ model = prepare_model(model=model, task=task)
...
```
-If you have specified specific module names in `Task.tracked_modules`, `TrackedModule` will only be installed for these modules.
+If you have specified specific module names in `Task.get_influence_tracked_modules`, `TrackedModule` will only be installed for these modules.
**\[Optional\] Create a DDP and FSDP Module.**
After calling `prepare_model`, you can create [DistributedDataParallel (DDP)](https://pytorch.org/tutorials/intermediate/ddp_tutorial.html) or
-[FullyShardedDataParallel (FSDP)](https://pytorch.org/docs/stable/fsdp.html) module or even use `torch.compile`.
+[FullyShardedDataParallel (FSDP)](https://pytorch.org/docs/stable/fsdp.html) module. You can also wrap your model with [`torch.compile`](https://pytorch.org/tutorials/intermediate/torch_compile_tutorial.html).
**Set up the Analyzer and Fit Factors.**
-Initialize the `Analyzer` and execute `fit_all_factors` to compute all factors that aim to approximate the Hessian
-(or Gauss-Newton Hessian). The computed factors will be stored on disk.
+Initialize the `Analyzer` and run `fit_all_factors` to compute all factors that aim to approximate the Hessian
+([Gauss-Newton Hessian](https://www.cs.toronto.edu/~rgrosse/courses/csc2541_2022/readings/L03_metrics.pdf)). The computed factors will be stored on disk.
```python
from kronfluence.analyzer import Analyzer
@@ -138,17 +136,20 @@ You can organize all factors and scores for the specific model with `factors_nam
**What should I do if my model does not have any nn.Linear or nn.Conv2d modules?**
Currently, the implementation does not support influence computations for modules other than `nn.Linear` or `nn.Conv2d`.
-Try rewriting the model so that it uses supported modules (as done for the `conv1d` module in [GPT-2 example](https://github.com/pomonam/kronfluence/tree/documentation/examples/wikitext)).
+Try rewriting the model so that it uses supported modules (as done for the `conv1d` module in the [GPT-2 example](https://github.com/pomonam/kronfluence/tree/documentation/examples/wikitext)).
Alternatively, you can create a subclass of `TrackedModule` to compute influence scores for your custom module.
If there are specific modules you would like to see supported, please submit an issue.
-**How should I write task.tracked_modules?**
+**How should I write task.get_influence_tracked_modules?**
We recommend using all supported modules for influence computations. However, if you would like to compute influence scores
on subset of the modules (e.g., influence computations only on MLP layers for transformer or influence computation only on the last layer),
inspect `model.named_modules()` to determine what modules to use. You can specify the list of module names you want to analyze.
+> [!TIP]
+> `Analyzer.get_module_summary(model)` can be helpful in figuring out what modules to include.
+
> [!NOTE]
-> If the embedding layer for transformers are defined with `nn.Linear`, you must write
+> If the embedding layer for transformers are defined with `nn.Linear`, you must write your own
> `task.tracked_modules` to avoid influence computations embedding matrices.
**How should I implement Task.compute_train_loss?**
@@ -158,14 +159,14 @@ the summed loss (over batches and tokens).
**How should I implement Task.compute_measurement?**
It depends on the analysis you would like to perform. Influence functions approximate the [effect of downweighting/upweighting
a training data point on the query's measurable quantity](https://arxiv.org/abs/2209.05364). You can use the loss, [margin](https://arxiv.org/abs/2303.14186) (for classification),
-or [conditional log-likelihood](https://arxiv.org/abs/2308.03296) (for language modeling).
+or [conditional log-likelihood](https://arxiv.org/abs/2308.03296) (for language modeling). Note that many influence functions implementation, by default, uses the loss.
**I encounter TrackedModuleNotFoundError when using DDP or FSDP.**
Make sure to call `prepare_model` before wrapping your model with DDP or FSDP. Calling `prepare_model` on DDP modules can
cause `TrackedModuleNotFoundError`.
**My model uses supported modules, but influence scores are not computed.**
-Kronfluence uses module hooks to compute factors and influence scores. For these to be tracked and computed,
+Kronfluence uses [module hooks](https://pytorch.org/docs/stable/generated/torch.Tensor.register_hook.html) to compute factors and influence scores. For these to be tracked and computed,
the model's forward pass should directly call the module.
```python
@@ -179,6 +180,16 @@ def forward(x: torch.Tensor) -> torch.Tensor:
x = self.linear.weight @ x + self.linear.bias # This does not work 😞
```
+> [!WARNING]
+> The default arguments assume the module is used only once during the forward pass.
+> If your model shares parameters (e.g., the module is used in multiple places during the forward pass), set
+> `has_shared_parameters=True` in `FactorArguments`.
+
+**Why are there so many arguments?**
+Kronfluence was originally developed to compute influence scores on large-scale models, which is why `FactorArguments` and `ScoreArguments`
+have many parameters to support these use cases. However, for most standard applications, the default argument values
+should suffice. Feel free to use the default settings unless you have specific requirements that necessitate customization.
+
**I get X error when fitting factors/computing scores.**
Please feel free to contact me by [filing an issue](https://github.com/pomonam/kronfluence/issues) or [through email](mailto:jbae@cs.toronto.edu).
@@ -193,13 +204,14 @@ from kronfluence.arguments import FactorArguments
factor_args = FactorArguments(
strategy="ekfac", # Choose from "identity", "diagonal", "kfac", or "ekfac".
use_empirical_fisher=False,
- distributed_sync_steps=1000,
amp_dtype=None,
+ amp_scale=2.0**16,
+ has_shared_parameters=False,
# Settings for covariance matrix fitting.
covariance_max_examples=100_000,
- covariance_data_partition_size=1,
- covariance_module_partition_size=1,
+ covariance_data_partitions=1,
+ covariance_module_partitions=1,
activation_covariance_dtype=torch.float32,
gradient_covariance_dtype=torch.float32,
@@ -208,10 +220,11 @@ factor_args = FactorArguments(
# Settings for Lambda matrix fitting.
lambda_max_examples=100_000,
- lambda_data_partition_size=1,
- lambda_module_partition_size=1,
- lambda_iterative_aggregate=False,
- cached_activation_cpu_offload=False,
+ lambda_data_partitions=1,
+ lambda_module_partitions=1,
+ use_iterative_lambda_aggregation=False,
+ offload_activations_to_cpu=False,
+ per_sample_gradient_dtype=torch.float32,
lambda_dtype=torch.float32,
)
@@ -224,11 +237,14 @@ You can change:
- `use_empirical_fisher`: Determines whether to use the [empirical Fisher](https://arxiv.org/abs/1905.12558) (using actual labels from batch)
instead of the true Fisher (using sampled labels from model's predictions). It is recommended to be `False`.
- `amp_dtype`: Selects the dtype for [automatic mixed precision (AMP)](https://pytorch.org/docs/stable/amp.html). Disables AMP if set to `None`.
+- `amp_scale`: Sets the scale factor for [automatic mixed precision (AMP)](https://pytorch.org/docs/stable/amp.html).
+- `has_shared_parameters`: Specifies whether the shared parameters exist in the forward pass.
### Fitting Covariance Matrices
`kfac` and `ekfac` require computing the uncentered activation and pre-activation pseudo-gradient covariance matrices.
To fit covariance matrices, you can use `analyzer.fit_covariance_matrices`.
+
```python
# Fitting covariance matrices.
analyzer.fit_covariance_matrices(factors_name="initial_factor", dataset=train_dataset, factor_args=factor_args)
@@ -236,18 +252,18 @@ analyzer.fit_covariance_matrices(factors_name="initial_factor", dataset=train_da
covariance_matrices = analyzer.load_covariance_matrices(factors_name="initial_factor")
```
-This step corresponds to Equation 16 in the paper. You can tune:
+This step corresponds to **Equation 16** in the paper. You can tune:
- `covariance_max_examples`: Controls the maximum number of data points for fitting covariance matrices. Setting it to `None`,
Kronfluence computes covariance matrices for all data points.
-- `covariance_data_partition_size`: Number of data partitions to use for computing covariance matrices.
-For example, when `covariance_data_partition_size = 2`, the dataset is split into 2 chunks and covariance matrices
+- `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_module_partition_size`: Number of module partitions to use for computing covariance matrices.
-For example, when `covariance_module_partition_size = 2`, the module is split into 2 chunks and covariance matrices
+can compute covariance matrices on some partitioned data (you can specify `target_data_partitions` in the parameter).
+- `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
-covariance matrices cannot fit into memory). However, this will do multiple iterations over the dataset and can be slow.
+covariance matrices cannot fit into GPU memory). However, this will require multiple iterations over the dataset and can be slow.
- `activation_covariance_dtype`: `dtype` for computing activation covariance matrices. You can also use `torch.bfloat16`
or `torch.float16`.
- `gradient_covariance_dtype`: `dtype` for computing pre-activation pseudo-gradient covariance matrices. You can also use `torch.bfloat16`
@@ -256,26 +272,26 @@ or `torch.float16`.
**Dealing with OOMs.** Here are some steps to fix Out of Memory (OOM) errors.
1. Try reducing the `per_device_batch_size` when fitting covariance matrices.
2. Try using lower precision for `activation_covariance_dtype` and `gradient_covariance_dtype`.
-3. Try setting `covariance_module_partition_size > 1`.
+3. Try setting `covariance_module_partitions > 1`.
### Performing Eigendecomposition
After computing the covariance matrices, `kfac` and `ekfac` require performing eigendecomposition.
```python
-# Performing Eigendecomposition.
+# Performing eigendecomposition.
analyzer.perform_eigendecomposition(factors_name="initial_factor", factor_args=factor_args)
-# Loading Eigendecomposition results.
+# Loading eigendecomposition results (e.g., eigenvectors and eigenvalues).
eigen_factors = analyzer.load_eigendecomposition(factors_name="initial_factor")
```
-This corresponds to Equation 18 in the paper. You can tune:
+This corresponds to **Equation 18** in the paper. You can tune:
- `eigendecomposition_dtype`: `dtype` for performing eigendecomposition. You can also use `torch.float32`,
-but `torch.float64` is recommended.
+but `torch.float64` is strongly recommended.
### Fitting Lambda Matrices
-`ekfac` and `diagonal` require computing the Lambda (eigenvalue) matrices for all modules.
+`ekfac` and `diagonal` require computing the Lambda (corrected-eigenvalue) matrices for all modules.
```python
# Fitting Lambda matrices.
@@ -284,23 +300,24 @@ analyzer.fit_lambda_matrices(factors_name="initial_factor", dataset=train_datase
lambda_matrices = analyzer.load_lambda_matrices(factors_name="initial_factor")
```
-This corresponds to Equation 20 in the paper. You can tune:
+This corresponds to **Equation 20** in the paper. You can tune:
- `lambda_max_examples`: Controls the maximum number of data points for fitting Lambda matrices.
-- `lambda_data_partition_size`: Number of data partitions to use for computing Lambda matrices.
-- `lambda_module_partition_size`: Number of module partitions to use for computing Lambda matrices.
-- `cached_activation_cpu_offload`: Computing the per-sample-gradient requires saving the intermediate activation in memory.
-You can set `cached_activation_cpu_offload=True` to cache these activations in CPU.
-- `lambda_iterative_aggregate`: Whether to compute the Lambda matrices with for-loop instead of batched matrix multiplications.
-This is helpful for reducing peak memory, as it avoids holding multiple copies of tensors with the same shape as the per-sample-gradient.
+- `lambda_data_partitions`: Number of data partitions to use for computing Lambda matrices.
+- `lambda_module_partitions`: Number of module partitions to use for computing Lambda matrices.
+- `offload_activations_to_cpu`: Computing the per-sample-gradient requires saving the intermediate activation in memory.
+You can set `offload_activations_to_cpu=True` to cache these activations in CPU. This is helpful for dealing with OOMs, but will make the overall computation slower.
+- `use_iterative_lambda_aggregation`: Whether to compute the Lambda matrices with for-loops instead of batched matrix multiplications.
+This is helpful for reducing peak GPU memory, as it avoids holding multiple copies of tensors with the same shape as the per-sample-gradient.
+- `per_sample_gradient_dtype`: `dtype` for computing per-sample-gradient. You can also use `torch.bfloat16`
+or `torch.float16`.
- `lambda_dtype`: `dtype` for computing Lambda matrices. You can also use `torch.bfloat16`
or `torch.float16`.
-
**Dealing with OOMs.** Here are some steps to fix Out of Memory (OOM) errors.
1. Try reducing the `per_device_batch_size` when fitting Lambda matrices.
-2. Try setting `lambda_iterative_aggregate=True` or `cached_activation_cpu_offload=True`.
-3. Try using lower precision for `lambda_dtype`.
-4. Try using `lambda_module_partition_size > 1`.
+2. Try setting `use_iterative_lambda_aggregation=True` or `offload_activations_to_cpu=True`. (Try out `use_iterative_lambda_aggregation=True` first.)
+3. Try using lower precision for `per_sample_gradient_dtype` and `lambda_dtype`.
+4. Try using `lambda_module_partitions > 1`.
### FAQs
@@ -310,8 +327,9 @@ Using `use_empirical_fisher=True` could make the process more deterministic. Mor
different eigenvectors when performing eigendecomposition.
**How should I select the batch size?**
-You can use the largest possible batch size that does not result in OOM. Typically, the batch size for fitting Lambda
-matrices should be smaller than that used for fitting covariance matrices.
+You can use the largest possible batch size that avoids OOM error. Typically, the batch size for fitting Lambda
+matrices should be smaller than that used for fitting covariance matrices. Furthermore, note that you should be getting
+similar results, regardless of what batch size you use (different from training neural networks).
---
@@ -322,49 +340,55 @@ import torch
from kronfluence.arguments import ScoreArguments
score_args = ScoreArguments(
- damping=1e-08,
- cached_activation_cpu_offload=False,
- distributed_sync_steps=1000,
+ damping_factor=1e-08,
amp_dtype=None,
+ offload_activations_to_cpu=False,
+
+ # More functionalities to compute influence scores.
+ data_partitions=1,
+ module_partitions=1,
+ compute_per_module_scores=False,
+ compute_per_token_scores=False,
+ use_measurement_for_self_influence=False,
+ aggregate_query_gradients=False,
+ aggregate_train_gradients=False,
- data_partition_size=1,
- module_partition_size=1,
- per_module_score=False,
-
# Configuration for query batching.
- query_gradient_rank=None,
+ query_gradient_low_rank=None,
+ use_full_svd=False,
query_gradient_svd_dtype=torch.float32,
- num_query_gradient_aggregations=1,
- use_measurement_for_self_influence=False,
+ query_gradient_accumulation_steps=1,
+ # Configuration for dtype.
score_dtype=torch.float32,
per_sample_gradient_dtype=torch.float32,
precondition_dtype=torch.float32,
)
```
-- `damping`: A damping factor for the damped inverse Hessian-vector product (iHVP). Uses a heuristic based on mean eigenvalues
-(0.1 x mean eigenvalues) if None.
-- `cached_activation_cpu_offload`: Whether to offload cached activations to CPU.
+- `damping_factor`: A damping factor for the damped inverse Hessian-vector product (iHVP). Uses a heuristic based on mean eigenvalues
+`(0.1 x mean eigenvalues)` if `None`, as done in [this paper](https://arxiv.org/abs/2308.03296).
- `amp_dtype`: Selects the dtype for [automatic mixed precision (AMP)](https://pytorch.org/docs/stable/amp.html). Disables AMP if set to `None`.
-- `data_partition_size`: Number of data partitions for computing influence scores.
-- `module_partition_size`: Number of module partitions for computing influence scores.
-- `per_module_score`: Whether to return a per-module influence scores. Instead of summing over influences across
+- `offload_activations_to_cpu`: Whether to offload cached activations to CPU.
+- `data_partitions`: Number of data partitions for computing influence scores.
+- `module_partitions`: Number of module partitions for computing influence scores.
+- `compute_per_module_scores`: Whether to return a per-module influence scores. Instead of summing over influences across
all modules, this will keep track of intermediate module-wise scores.
-
-- `query_gradient_rank`: The rank for the query batching (low-rank approximation to the query gradient; see Section 3.2.2). If `None`, no query batching will be used.
-- `query_gradient_svd_dtype`: `dtype` for performing singular value decomposition (SVD) for query batch. You can also use `torch.float64`.
-- `num_query_gradient_aggregations`: Number of query gradients to aggregate over.
+- `compute_per_token_scores`: Whether to return a per-token influence scores. Only applicable to transformer-based models.
+- `aggregate_query_gradients`: Whether to use the summed query gradient instead of per-sample query gradients.
+- `aggregate_train_gradients`: Whether to use the summed training gradient instead of per-sample training gradients.
- `use_measurement_for_self_influence`: Whether to use the measurement (instead of the loss) when computing self-influence scores.
-
+- `query_gradient_low_rank`: The rank for the query batching (low-rank approximation to the preconditioned query gradient; see **Section 3.2.2**). If `None`, no query batching will be used.
+- `query_gradient_svd_dtype`: `dtype` for performing singular value decomposition (SVD) for query batch. You can also use `torch.float64`.
+- `query_gradient_accumulation_steps`: Number of query gradients to accumulate over. For example, when `query_gradient_accumulation_steps=2` with
+`query_batch_size=16`, a total of 32 query gradients will be stored in memory when computing dot products with training gradients.
- `score_dtype`: `dtype` for computing influence scores. You can use `torch.bfloat16` or `torch.float16`.
- `per_sample_gradient_dtype`: `dtype` for computing per-sample-gradient. You can use `torch.bfloat16` or `torch.float16`.
-- `precondition_dtype`: `dtype` for performing preconditioning. You can use `torch.bfloat16` or `torch.float16`,
-but `torch.float32` is recommended.
+- `precondition_dtype`: `dtype` for performing preconditioning. You can use `torch.bfloat16` or `torch.float16`.
### Computing Influence Scores
-To compute pairwise influence scores (Equation 5 in the paper), you can run:
+To compute pairwise influence scores (**Equation 5** in the paper), you can run:
```python
# Computing pairwise influence scores.
@@ -373,7 +397,7 @@ analyzer.compute_pairwise_scores(scores_name="pairwise", factors_name="ekfac", s
scores = analyzer.load_pairwise_scores(scores_name="pairwise")
```
-To compute self-influence scores (see Section 5.4 from [paper](https://arxiv.org/pdf/1703.04730.pdf)), you can run:
+To compute self-influence scores (see **Section 5.4** from [this paper](https://arxiv.org/pdf/1703.04730.pdf)), you can run:
```python
# Computing self-influence scores.
@@ -382,20 +406,34 @@ analyzer.compute_self_scores(scores_name="self", factors_name="ekfac", score_arg
scores = analyzer.load_self_scores(scores_name="self")
```
-**Dealing with OOMs** Here are some steps to fix Out of Memory (OOM) errors.
+By default, self-influence score computations only use the loss function for gradient calculations.
+In this case, the method returns a vector of size `len(train_dataset)`, where each value corresponds
+to `g_l^T ⋅ H^{-1} ⋅ g_l`. Here, `g_l` denotes the gradient of the loss function with respect to the model parameters,
+and `H^{-1}` represents the inverse Hessian matrix. If you want to use the measurement function instead of the loss function
+for self-influence calculations, set `use_measurement_for_self_influence=True`. In this case, each value in the returned
+vector will correspond to `g_m^T ⋅ H^{-1} ⋅ g_l`, where `g_m` is the gradient of the measurement function with respect to the model parameters.
+
+**Dealing with OOMs.** Here are some steps to fix Out of Memory (OOM) errors.
1. Try reducing the `per_device_query_batch_size` or `per_device_train_batch_size`.
-2. Try setting `cached_activation_cpu_offload=True`.
+2. Try setting `offload_activations_to_cpu=True`.
3. Try using lower precision for `per_sample_gradient_dtype` and `score_dtype`.
-4. Try setting `query_gradient_rank > 1`. The recommended values are `16`, `32`, `64`, `128`, and `256`. Note that query
+4. Try using lower precision for `precondition_dtype`.
+5. Try setting `query_gradient_low_rank > 1`. The recommended values are `16`, `32`, `64`, `128`, and `256`. Note that query
batching is only supported for computing pairwise influence scores, not self-influence scores.
-5. Try setting `module_partition_size > 1`.
+6. Try setting `module_partitions > 1`.
### FAQs
+**How should I choose a damping term?**
+When setting the damping term, both `1e-08` and `None` are reasonable choices. The optimal value may depend on your
+specific workload. Another heuristic, suggested in [this paper](https://arxiv.org/abs/2405.12186), is to use `10 * learning_rate * num_iterations` when the model
+was trained using SGD with a momentum of 0.9. In practice, I have observed that the damping term does not significantly
+affect the final results as long as it is not too large (e.g., `1e-01`). Feel free to experiment with different values within a
+reasonable range to find what works best for your use case.
+
**Influence scores are very large in magnitude.**
Ideally, influence scores need to be divided by the total number of training data points. However, the code does
-not normalize the scores. If you would like, you can divide the scores with the total number of data points (or tokens) used to
-train the model.
+not normalize the scores. If you would like, you can divide the scores with the total number of data points (or tokens for language modeling) used to train the model.
## References
@@ -404,4 +442,5 @@ train the model.
3. [TRAK: Attributing Model Behavior at Scale](https://arxiv.org/abs/2303.14186). Sung Min Park, Kristian Georgiev, Andrew Ilyas, Guillaume Leclerc, Aleksander Madry. ICML, 2023.
4. [Understanding Black-box Predictions via Influence Functions](https://arxiv.org/abs/1703.04730). Pang Wei Koh, Percy Liang. ICML, 2017.
5. [Optimizing Neural Networks with Kronecker-factored Approximate Curvature](https://arxiv.org/abs/1503.05671). James Martens, Roger Grosse. Tech Report, 2015.
-5. [Fast Approximate Natural Gradient Descent in a Kronecker-factored Eigenbasis](https://arxiv.org/abs/1806.03884). Thomas George, César Laurent, Xavier Bouthillier, Nicolas Ballas, Pascal Vincent. NeurIPS, 2018.
\ No newline at end of file
+6. [Fast Approximate Natural Gradient Descent in a Kronecker-factored Eigenbasis](https://arxiv.org/abs/1806.03884). Thomas George, César Laurent, Xavier Bouthillier, Nicolas Ballas, Pascal Vincent. NeurIPS, 2018.
+7. [Training Data Attribution via Approximate Unrolled Differentiation](https://arxiv.org/abs/2405.12186). Juhan Bae, Wu Lin, Jonathan Lorraine, Roger Grosse. Preprint, 2024.
diff --git a/README.md b/README.md
index d99e060..cdad5da 100644
--- a/README.md
+++ b/README.md
@@ -22,14 +22,11 @@
---
-> **Kronfluence** is a research repository designed to compute [influence functions](https://arxiv.org/abs/1703.04730) using [Kronecker-factored Approximate Curvature (KFAC)](https://arxiv.org/abs/1503.05671) or [Eigenvalue-corrected KFAC (EKFAC)](https://arxiv.org/abs/1806.03884).
-For a detailed description of the methodology, see the [**paper**](https://arxiv.org/abs/2308.03296) *Studying Large Language Model Generalization with Influence Functions*.
+> **Kronfluence** is a PyTorch package designed to compute [influence functions](https://arxiv.org/abs/1703.04730) using [Kronecker-factored Approximate Curvature (KFAC)](https://arxiv.org/abs/1503.05671) or [Eigenvalue-corrected KFAC (EKFAC)](https://arxiv.org/abs/1806.03884).
+For detailed description of the methodology, see the [**paper**](https://arxiv.org/abs/2308.03296), *Studying Large Language Model Generalization with Influence Functions*.
---
-> [!WARNING]
-> This repository is under active development and has not reached its first stable release.
-
## Installation
> [!IMPORTANT]
@@ -53,11 +50,9 @@ pip install -e .
## Getting Started
-Kronfluence supports influence computations on `nn.Linear` and `nn.Conv2d` modules. See the [**Technical Documentation**](https://github.com/pomonam/kronfluence/blob/main/DOCUMENTATION.md) page for a comprehensive guide.
-
-### Learn More
+Kronfluence supports influence computations on [`nn.Linear`](https://pytorch.org/docs/stable/generated/torch.nn.Linear.html) and [`nn.Conv2d`](https://pytorch.org/docs/stable/generated/torch.nn.Conv2d.html) modules.
+See the [**Technical Documentation**](https://github.com/pomonam/kronfluence/blob/main/DOCUMENTATION.md) page for a comprehensive guide.
-The [examples](https://github.com/pomonam/kronfluence/tree/main/examples) folder contains several examples demonstrating how to use Kronfluence. More examples will be added in the future.
**TL;DR** You need to prepare a trained model and datasets, and pass them into the `Analyzer` class.
```python
@@ -115,6 +110,30 @@ analyzer.compute_pairwise_scores(
scores = analyzer.load_pairwise_scores(scores_name="my_scores")
```
+Kronfluence supports various PyTorch features; the following table summarizes the supported features:
+
+
+
+| Feature | Supported |
+|-----------------------------------------------------------------------------------------------------------------------------|:---------:|
+| [Distributed Data Parallel (DDP)](https://pytorch.org/docs/master/generated/torch.nn.parallel.DistributedDataParallel.html) | ✅ |
+| [Automatic Mixed Precision (AMP)](https://pytorch.org/docs/stable/amp.html) | ✅ |
+| [Torch Compile](https://pytorch.org/docs/stable/generated/torch.compile.html) | ✅ |
+| [Gradient Checkpointing](https://pytorch.org/docs/stable/checkpoint.html) | ✅ |
+| [Fully Sharded Data Parallel (FSDP)](https://pytorch.org/docs/stable/fsdp.html) | ✅ |
+
+
+
+The [examples](https://github.com/pomonam/kronfluence/tree/main/examples) folder contains several examples demonstrating how to use Kronfluence.
+
+## LogIX
+
+While Kronfluence supports influence function computations on large-scale models like `Meta-Llama-3-8B-Instruct`, for those
+interested in running influence analysis on even larger models or with a large number of query data points, our
+project [LogIX](https://github.com/logix-project/logix) may be worth exploring. It integrates with frameworks like
+[HuggingFace Trainer](https://huggingface.co/docs/transformers/en/main_classes/trainer) and [PyTorch Lightning](https://lightning.ai/docs/pytorch/stable/)
+and is also compatible with many PyTorch features (DDP & FSDP & [DeepSpeed](https://github.com/microsoft/DeepSpeed)).
+
## Contributing
Contributions are welcome! To get started, please review our [Code of Conduct](https://github.com/pomonam/kronfluence/blob/main/CODE_OF_CONDUCT.md). For bug fixes, please submit a pull request.
@@ -131,10 +150,36 @@ cd kronfluence
pip install -e ."[dev]"
```
+### Style Testing
+
+To maintain code quality and consistency, we run ruff and linting tests on pull requests. Before submitting a
+pull request, please ensure that your code adheres to our formatting and linting guidelines. The following commands will
+modify your code. It is recommended to create a Git commit before running them to easily revert any unintended changes.
+
+Sort import orderings using [isort](https://pycqa.github.io/isort/):
+
+```bash
+isort kronfluence
+```
+
+Format code using [ruff](https://docs.astral.sh/ruff/):
+
+```bash
+ruff format kronfluence
+```
+
+To view all [pylint](https://www.pylint.org/) complaints, run the following command:
+
+```bash
+pylint kronfluence
+```
+
+Please address any reported issues before submitting your PR.
+
## Acknowledgements
[Omkar Dige](https://github.com/xeon27) contributed to the profiling, DDP, and FSDP utilities, and [Adil Asif](https://github.com/adil-a/) provided valuable insights and suggestions on structuring the DDP and FSDP implementations.
-I also thank Hwijeen Ahn, Sang Keun Choe, Youngseog Chung, Minsoo Kang, Lev McKinney, Laura Ruis, Andrew Wang, and Kewen Zhao for their feedback.
+I also thank Hwijeen Ahn, Sang Keun Choe, Youngseog Chung, Minsoo Kang, Sophie Liao, Lev McKinney, Laura Ruis, Andrew Wang, and Kewen Zhao for their feedback.
## License
diff --git a/dev_requirements.txt b/dev_requirements.txt
index 0cca66e..5d23191 100644
--- a/dev_requirements.txt
+++ b/dev_requirements.txt
@@ -1,14 +1,15 @@
-torch
-torchvision
-accelerate
-einops
-einconv
-opt_einsum
-safetensors
-tqdm
-datasets
-transformers
+torch>=2.1.0
+torchvision>=0.16.0
+accelerate>=0.31.0
+einops>=0.8.0
+einconv>=0.1.0
+opt_einsum>=3.3.0
+scikit-learn>=1.4.0
+safetensors>=0.4.2
+tqdm>=4.66.4
+datasets>=2.20.0
+transformers>=4.42.0
isort==5.13.2
-pylint==3.0.3
-pytest==8.0.0
-ruff==0.3.0
\ No newline at end of file
+pylint==3.2.3
+pytest==8.2.2
+ruff==0.4.0
\ No newline at end of file
diff --git a/examples/README.md b/examples/README.md
new file mode 100644
index 0000000..328a50f
--- /dev/null
+++ b/examples/README.md
@@ -0,0 +1,33 @@
+# Kronfluence: Examples
+
+For detailed technical documentation of Kronfluence, please refer to the [Technical Documentation](https://github.com/pomonam/kronfluence/blob/main/DOCUMENTATION.md) page.
+
+## Getting Started
+
+To run all examples, install the necessary packages:
+
+```bash
+pip install -r requirements.txt
+```
+
+Alternatively, navigate to each example folder and run `pip install -r requirements.txt`.
+
+## List of Tasks
+
+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 |
+
+
+
+These examples demonstrate various use cases of Kronfluence, including the usage of AMP (Automatic Mixed Precision) and DDP (Distributed Data Parallel).
+Many examples aim to replicate the settings used in [our paper](https://arxiv.org/abs/2405.12186). If you would like to see more examples added to this repository, please leave an issue.
\ No newline at end of file
diff --git a/examples/cifar/README.md b/examples/cifar/README.md
index 67b16d5..5474295 100644
--- a/examples/cifar/README.md
+++ b/examples/cifar/README.md
@@ -1,38 +1,109 @@
# CIFAR-10 & ResNet-9 Example
-This directory contains scripts for training ResNet-9 on CIFAR-10. The pipeline is motivated from
-[TRAK repository](https://github.com/MadryLab/trak/blob/main/examples/cifar_quickstart.ipynb).
+This directory contains scripts for training ResNet-9 and computing influence scores on CIFAR-10 dataset. The pipeline is motivated from
+[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
+pip install -r requirements.txt
+```
## Training
-To train ResNet-9 on CIFAR-10 dataset, run the following command:
+To train ResNet-9 on the CIFAR-10 dataset, run the following command:
+
```bash
python train.py --dataset_dir ./data \
--checkpoint_dir ./checkpoints \
--train_batch_size 512 \
--eval_batch_size 1024 \
--learning_rate 0.4 \
- --weight_decay 0.0001 \
+ --weight_decay 0.001 \
--num_train_epochs 25 \
--seed 1004
```
+This will train the model using the specified hyperparameters and save the trained checkpoint in the `./checkpoints` directory.
+
## Computing Pairwise Influence Scores
-To obtain pairwise influence scores on 2000 query data points using `ekfac`, run the following command:
+To compute pairwise influence scores on 2000 query data points using the `ekfac` strategy, run the following command:
+
```bash
python analyze.py --query_batch_size 1000 \
--dataset_dir ./data \
--checkpoint_dir ./checkpoints \
--factor_strategy ekfac
```
-You can also use `identity`, `diagonal`, and `kfac`. On A100 (80GB), it takes roughly 1.5 minutes to compute the
-pairwise scores (including computing EKFAC factors).
+
+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):
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 106.38 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 46.745 | 1 | 46.745 | 43.941 |
+| Fit Lambda | 34.885 | 1 | 34.885 | 32.793 |
+| Fit Covariance | 22.538 | 1 | 22.538 | 21.187 |
+| Perform Eigendecomposition | 0.91424 | 1 | 0.91424 | 0.85941 |
+| Save Pairwise Score | 0.81219 | 1 | 0.81219 | 0.76348 |
+| Save Covariance | 0.22351 | 1 | 0.22351 | 0.21011 |
+| Save Eigendecomposition | 0.21617 | 1 | 0.21617 | 0.20321 |
+| Save Lambda | 0.031038 | 1 | 0.031038 | 0.029177 |
+| Load Eigendecomposition | 0.010442 | 1 | 0.010442 | 0.0098156 |
+| Load All Factors | 0.0026517 | 1 | 0.0026517 | 0.0024927 |
+| Load Covariance | 0.0016419 | 1 | 0.0016419 | 0.0015435 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+To use AMP when computing influence scores, run:
+
+```bash
+python analyze.py --query_batch_size 1000 \
+ --dataset_dir ./data \
+ --checkpoint_dir ./checkpoints \
+ --factor_strategy ekfac \
+ --use_half_precision
+```
+
+This reduces computation time to about 40 seconds on an A100 (80GB) GPU:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 35.965 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 18.012 | 1 | 18.012 | 50.082 |
+| Fit Lambda | 9.2271 | 1 | 9.2271 | 25.656 |
+| Fit Covariance | 7.134 | 1 | 7.134 | 19.836 |
+| Perform Eigendecomposition | 0.87962 | 1 | 0.87962 | 2.4457 |
+| Save Pairwise Score | 0.45432 | 1 | 0.45432 | 1.2632 |
+| Save Covariance | 0.12861 | 1 | 0.12861 | 0.35759 |
+| Save Eigendecomposition | 0.11296 | 1 | 0.11296 | 0.31407 |
+| Save Lambda | 0.010712 | 1 | 0.010712 | 0.029784 |
+| Load All Factors | 0.002736 | 1 | 0.002736 | 0.0076074 |
+| Load Covariance | 0.0016696 | 1 | 0.0016696 | 0.0046421 |
+| Load Eigendecomposition | 0.0014892 | 1 | 0.0014892 | 0.0041406 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+You can run `half_precision_analysis.py` to verify that the scores computed with AMP have high correlations with those of the default configuration.
+
+
+
+
+
+## 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.
## 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 training examples mislabeled by running the following command:
+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:
+
```bash
python train.py --dataset_dir ./data \
--corrupt_percentage 0.1 \
@@ -40,12 +111,13 @@ python train.py --dataset_dir ./data \
--train_batch_size 512 \
--eval_batch_size 1024 \
--learning_rate 0.4 \
- --weight_decay 0.0001 \
+ --weight_decay 0.001 \
--num_train_epochs 25 \
--seed 1004
```
-Then, compute self-influence scores with the following command:
+Then, compute the self-influence scores with:
+
```bash
python detect_mislabeled_dataset.py --dataset_dir ./data \
--corrupt_percentage 0.1 \
@@ -53,5 +125,30 @@ python detect_mislabeled_dataset.py --dataset_dir ./data \
--factor_strategy ekfac
```
-On A100 (80GB), it takes roughly 1.5 minutes to compute the self-influence scores.
-We can detect around 82% of mislabeled data points by inspecting 10% of the dataset (96% by inspecting 20%).
\ No newline at end of file
+On an A100 (80GB) GPU, it takes roughly 2 minutes to compute the self-influence scores:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 121.85 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Self-Influence Score | 62.778 | 1 | 62.778 | 51.519 |
+| Fit Lambda | 35.174 | 1 | 35.174 | 28.866 |
+| Fit Covariance | 22.582 | 1 | 22.582 | 18.532 |
+| Perform Eigendecomposition | 0.82656 | 1 | 0.82656 | 0.67832 |
+| Save Covariance | 0.2478 | 1 | 0.2478 | 0.20336 |
+| Save Eigendecomposition | 0.22042 | 1 | 0.22042 | 0.18088 |
+| Save Lambda | 0.018463 | 1 | 0.018463 | 0.015152 |
+| Load All Factors | 0.0027554 | 1 | 0.0027554 | 0.0022612 |
+| Load Covariance | 0.0016607 | 1 | 0.0016607 | 0.0013628 |
+| Load Eigendecomposition | 0.0015408 | 1 | 0.0015408 | 0.0012645 |
+| Save Self-Influence Score | 0.0010841 | 1 | 0.0010841 | 0.00088966 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+Around 80% of mislabeled data points can be detected by inspecting 10% of the dataset (97% by inspecting 20%).
+
+
+
+
\ No newline at end of file
diff --git a/examples/cifar/analyze.py b/examples/cifar/analyze.py
index 8669924..b0d7d84 100644
--- a/examples/cifar/analyze.py
+++ b/examples/cifar/analyze.py
@@ -9,8 +9,10 @@
from examples.cifar.pipeline import construct_resnet9, get_cifar10_dataset
from kronfluence.analyzer import Analyzer, prepare_model
-from kronfluence.arguments import FactorArguments
+from kronfluence.arguments import FactorArguments, ScoreArguments
from kronfluence.task import Task
+from kronfluence.utils.common.factor_arguments import all_low_precision_factor_arguments
+from kronfluence.utils.common.score_arguments import all_low_precision_score_arguments
from kronfluence.utils.dataset import DataLoaderKwargs
BATCH_TYPE = Tuple[torch.Tensor, torch.Tensor]
@@ -38,6 +40,12 @@ def parse_args():
help="A path that is storing the final checkpoint of the model.",
)
+ parser.add_argument(
+ "--factor_strategy",
+ type=str,
+ default="ekfac",
+ help="Strategy to compute influence factors.",
+ )
parser.add_argument(
"--query_batch_size",
type=int,
@@ -45,12 +53,17 @@ def parse_args():
help="Batch size for computing query gradients.",
)
parser.add_argument(
- "--factor_strategy",
- type=str,
- default="ekfac",
- help="Strategy to compute influence factors.",
+ "--use_half_precision",
+ action="store_true",
+ default=False,
+ help="Whether to use half precision for computing factors and scores.",
+ )
+ parser.add_argument(
+ "--profile",
+ action="store_true",
+ default=False,
+ help="Boolean flag to profile computations.",
)
-
args = parser.parse_args()
if args.checkpoint_dir is not None:
@@ -71,12 +84,12 @@ def compute_train_loss(
if not sample:
return F.cross_entropy(logits, labels, reduction="sum")
with torch.no_grad():
- probs = torch.nn.functional.softmax(logits, dim=-1)
+ probs = torch.nn.functional.softmax(logits.detach(), dim=-1)
sampled_labels = torch.multinomial(
probs,
num_samples=1,
).flatten()
- return F.cross_entropy(logits, sampled_labels.detach(), reduction="sum")
+ return F.cross_entropy(logits, sampled_labels, reduction="sum")
def compute_measurement(
self,
@@ -125,31 +138,43 @@ def main():
analysis_name="cifar10",
model=model,
task=task,
+ profile=args.profile,
)
# Configure parameters for DataLoader.
dataloader_kwargs = DataLoaderKwargs(num_workers=4)
analyzer.set_dataloader_kwargs(dataloader_kwargs)
# Compute influence factors.
+ factors_name = args.factor_strategy
factor_args = FactorArguments(strategy=args.factor_strategy)
+ if args.use_half_precision:
+ factor_args = all_low_precision_factor_arguments(strategy=args.factor_strategy, dtype=torch.bfloat16)
+ factors_name += "_half"
analyzer.fit_all_factors(
- factors_name=args.factor_strategy,
+ factors_name=factors_name,
+ factor_args=factor_args,
dataset=train_dataset,
per_device_batch_size=None,
- factor_args=factor_args,
overwrite_output_dir=False,
)
+
# Compute pairwise scores.
+ score_args = ScoreArguments()
+ scores_name = factor_args.strategy
+ if args.use_half_precision:
+ score_args = all_low_precision_score_arguments(dtype=torch.bfloat16)
+ scores_name += "_half"
analyzer.compute_pairwise_scores(
- scores_name=args.factor_strategy,
- factors_name=args.factor_strategy,
+ scores_name=scores_name,
+ score_args=score_args,
+ factors_name=factors_name,
query_dataset=eval_dataset,
query_indices=list(range(2000)),
train_dataset=train_dataset,
per_device_query_batch_size=args.query_batch_size,
overwrite_output_dir=False,
)
- scores = analyzer.load_pairwise_scores(args.factor_strategy)["all_modules"]
+ scores = analyzer.load_pairwise_scores(scores_name)["all_modules"]
logging.info(f"Scores shape: {scores.shape}")
diff --git a/examples/cifar/detect_mislabeled_dataset.py b/examples/cifar/detect_mislabeled_dataset.py
index efcd84f..3884974 100644
--- a/examples/cifar/detect_mislabeled_dataset.py
+++ b/examples/cifar/detect_mislabeled_dataset.py
@@ -39,7 +39,12 @@ def parse_args():
default="ekfac",
help="Strategy to compute influence factors.",
)
-
+ parser.add_argument(
+ "--profile",
+ action="store_true",
+ default=False,
+ help="Boolean flag to profile computations.",
+ )
args = parser.parse_args()
if args.checkpoint_dir is not None:
@@ -75,6 +80,7 @@ def main():
analysis_name="mislabeled",
model=model,
task=task,
+ profile=args.profile,
)
# Configure parameters for DataLoader.
dataloader_kwargs = DataLoaderKwargs(num_workers=4)
@@ -89,14 +95,15 @@ def main():
factor_args=factor_args,
overwrite_output_dir=False,
)
+
# Compute self-influence scores.
analyzer.compute_self_scores(
scores_name=args.factor_strategy,
factors_name=args.factor_strategy,
train_dataset=train_dataset,
- overwrite_output_dir=True,
+ overwrite_output_dir=False,
)
- scores = analyzer.load_pairwise_scores(args.factor_strategy)["all_modules"]
+ scores = analyzer.load_self_scores(args.factor_strategy)["all_modules"]
total_corrupt_size = int(args.corrupt_percentage * len(train_dataset))
corrupted_indices = list(range(int(args.corrupt_percentage * len(train_dataset))))
diff --git a/examples/cifar/figure/half_precision.png b/examples/cifar/figure/half_precision.png
new file mode 100644
index 0000000..fc0ac2b
Binary files /dev/null and b/examples/cifar/figure/half_precision.png differ
diff --git a/examples/cifar/figure/mislabel.png b/examples/cifar/figure/mislabel.png
new file mode 100644
index 0000000..2bb9eb4
Binary files /dev/null and b/examples/cifar/figure/mislabel.png differ
diff --git a/examples/cifar/half_precision_analysis.py b/examples/cifar/half_precision_analysis.py
new file mode 100644
index 0000000..3f9a41d
--- /dev/null
+++ b/examples/cifar/half_precision_analysis.py
@@ -0,0 +1,45 @@
+import logging
+
+import matplotlib.pyplot as plt
+import numpy as np
+from scipy.stats import spearmanr
+from tueplots import markers
+
+from kronfluence.analyzer import Analyzer
+
+
+def main():
+ logging.basicConfig(level=logging.INFO)
+
+ # Load the scores. You might need to modify the path.
+ scores = (
+ Analyzer.load_file("influence_results/cifar10/scores_ekfac/pairwise_scores.safetensors")["all_modules"] / 50_000
+ )
+ half_scores = (
+ Analyzer.load_file("influence_results/cifar10/scores_ekfac_half/pairwise_scores.safetensors")[
+ "all_modules"
+ ].float()
+ / 50_000
+ )
+
+ plt.rcParams.update({"figure.dpi": 150})
+ plt.rcParams.update(markers.with_edge())
+ plt.rcParams["axes.axisbelow"] = True
+
+ # Only plot first 3000 points to avoid clutter.
+ idx = 79
+ plt.scatter(half_scores[idx][:3000], scores[idx][:3000], edgecolor="k")
+ plt.grid()
+ plt.xlabel("bfloat16")
+ plt.ylabel("float32")
+ plt.show()
+
+ # Compute the averaged spearman correlation.
+ all_corr = []
+ for i in range(100):
+ all_corr.append(spearmanr(scores[i], half_scores[i])[0])
+ logging.info(f"Averaged Spearman Correlation: {np.array(all_corr).mean()}")
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/cifar/inspect_factors.py b/examples/cifar/inspect_factors.py
new file mode 100644
index 0000000..9c78059
--- /dev/null
+++ b/examples/cifar/inspect_factors.py
@@ -0,0 +1,24 @@
+import logging
+
+import matplotlib.pyplot as plt
+
+from kronfluence.analyzer import Analyzer
+
+
+def main():
+ logging.basicConfig(level=logging.INFO)
+
+ name = "ekfac"
+ factor = Analyzer.load_file(f"influence_results/cifar10/factors_{name}/activation_covariance.safetensors")
+
+ plt.matshow(factor["6.0"])
+ plt.show()
+
+ factor = Analyzer.load_file(f"influence_results/cifar10/factors_{name}/gradient_covariance.safetensors")
+
+ plt.matshow(factor["6.0"])
+ plt.show()
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/cifar/requirements.txt b/examples/cifar/requirements.txt
new file mode 100644
index 0000000..a667c1f
--- /dev/null
+++ b/examples/cifar/requirements.txt
@@ -0,0 +1,3 @@
+scikit-learn
+matplotlib
+tueplots
\ No newline at end of file
diff --git a/examples/cifar/train.py b/examples/cifar/train.py
index 1d76f79..e78e5f2 100644
--- a/examples/cifar/train.py
+++ b/examples/cifar/train.py
@@ -55,7 +55,7 @@ def parse_args():
parser.add_argument(
"--weight_decay",
type=float,
- default=0.0001,
+ default=0.001,
help="Weight decay to train the model.",
)
parser.add_argument(
@@ -77,7 +77,6 @@ def parse_args():
default="./checkpoints",
help="A path to store the final checkpoint.",
)
-
args = parser.parse_args()
if args.checkpoint_dir is not None:
@@ -98,6 +97,7 @@ def train(
batch_size=batch_size,
shuffle=True,
drop_last=True,
+ num_workers=4,
)
model = construct_resnet9().to(DEVICE)
@@ -117,7 +117,7 @@ def train(
for epoch in range(num_train_epochs):
total_loss = 0.0
for batch in train_dataloader:
- model.zero_grad()
+ optimizer.zero_grad(set_to_none=True)
inputs, labels = batch
inputs, labels = inputs.to(DEVICE), labels.to(DEVICE)
outputs = model(inputs)
diff --git a/examples/dailymail/README.md b/examples/dailymail/README.md
new file mode 100644
index 0000000..a7e5ab6
--- /dev/null
+++ b/examples/dailymail/README.md
@@ -0,0 +1,73 @@
+# CNN/DailyMail & T5 Example
+
+This directory contains scripts for fine-tuning T5 and computing influence scores on the CNN/DailyMail dataset. The pipeline is motivated from [this HuggingFace Example](https://github.com/huggingface/transformers/tree/main/examples/pytorch/summarization).
+To begin, install the necessary packages:
+
+```bash
+pip install -r requirements.txt
+```
+
+## Training
+
+To fine-tune T5 on CNN/DailyMail, run the following command:
+
+```bash
+python train.py --checkpoint_dir ./checkpoints \
+ --train_batch_size 16 \
+ --eval_batch_size 32 \
+ --learning_rate 5e-05 \
+ --weight_decay 0.01 \
+ --num_train_epochs 3 \
+ --seed 1004
+```
+
+This will fine-tune the model using the specified hyperparameters and save the final checkpoint in the `./checkpoints` directory.
+
+## Computing Pairwise Influence Scores
+
+To calculate pairwise influence scores on 10 query data points using `ekfac`, run:
+
+```bash
+python analyze.py --factor_batch_size 64 \
+ --query_batch_size 10 \
+ --train_batch_size 128 \
+ --use_half_precision \
+ --checkpoint_dir ./checkpoints \
+ --factor_strategy ekfac
+```
+
+Alternative options for `factor_strategy` include `identity`, `diagonal`, and `kfac`. On an A100 (80GB), computing the pairwise scores (including EKFAC factors) takes approximately 1 hour:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 3397.1 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 1905.6 | 1 | 1905.6 | 56.093 |
+| Fit Lambda | 747.5 | 1 | 747.5 | 22.004 |
+| Fit Covariance | 734.03 | 1 | 734.03 | 21.607 |
+| Perform Eigendecomposition | 8.4236 | 1 | 8.4236 | 0.24796 |
+| Save Eigendecomposition | 0.79164 | 1 | 0.79164 | 0.023303 |
+| Save Covariance | 0.60366 | 1 | 0.60366 | 0.01777 |
+| Save Lambda | 0.1514 | 1 | 0.1514 | 0.0044566 |
+| Load All Factors | 0.027977 | 1 | 0.027977 | 0.00082354 |
+| Save Pairwise Score | 0.01082 | 1 | 0.01082 | 0.00031851 |
+| Load Covariance | 0.010015 | 1 | 0.010015 | 0.0002948 |
+| Load Eigendecomposition | 0.0096806 | 1 | 0.0096806 | 0.00028497 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+## Inspecting Top Influential Sequences
+
+The `inspect_examples.py` script prints top influential sequences for a given query.
+
+```
+Query Data Example:
+ Input: summarize: (CNN)My vote for Father of the Year goes to Curt Schilling. The former Major League Baseball pitcher recently fired off a series of fastballs and mowed down a group of Twitter trolls who made the mistake of tweeting vulgar and sexually-explicit comments about Schilling's teenage daughter. The drama started, innocently enough, on February 25, when Schilling played the role of a proud father. He sent a tweet congratulating his daughter, Gabby, on being accepted to Salve Regina University, where she'll play softball. It read: "Congrats to Gabby Schilling who will pitch for the Salve Regina Seahawks next year!! — Curt Schilling (@gehrig38)" Almost immediately, responses came in from young men, complete strangers who apparently followed Schilling on Twitter. The tweets quickly went from immature, to creepy, to repugnant. Threats of rape were common. The tweets were deleted, and the accounts were closed after this story went viral. But not before Schilling captured some of the images and posted them on his blog. What was said about 17-year-old Gabby Schilling wasn't just obnoxious. It was vile and obscene. What was said wasn't just mean and ugly. It was threatening and scary. As a parent, it's the kind of thing that makes you rethink your opposition to public caning as a logical punishment for such transgressions. These misogynistic cowards may have thought they could hide in the darkness of anonymity, the sort that many have come to expect from social media sites, where you feel free to be a despicable human being because, you think, no one will ever find out who you really are and hold you accountable for your words. If so, they thought wrong. They couldn't hide. They were found out, and they got the throttling they so richly deserved. Thanks to dad. According to Schilling, who made it his mission to track down these cretins and make sure those they associate with know who they really are, two people have already paid a price due to their tweets. One was a student disc jockey at a community college in New Jersey, who was suspended, and the other was a part-time ticket seller for the New York Yankees, who was fired. Concerned that this is an example of exactly the kind of cyberbullying that leads some teenagers to commit suicide, Schilling is also thinking about taking legal action against some of the other people involved. Bravo for him. I'm sure that, all across America, dads with daughters -- after reading some of the horrible things that were said about this young girl -- are marveling at Schilling's self-control. I have two daughters of my own, and he's a better man than me. If ever there was a case where profanity-spewing malcontents deserved to have their mouths washed out with soap, this is it. So what additional insights can we draw, and what larger lessons can we learn, from this unexpected but predictable collision of old-fashioned parenthood and newfangled media? There are a few. The first is about accountability, the very thing that the young men who posted these hurtful messages were trying to avoid. But Schilling wouldn't let them. At their best, social media sites like Twitter, Facebook, Instagram and others allow the sharing the information and the building of a sense of community. At their worst, they become digital sandboxes and locker rooms where people think have a license to misbehave without having to worry about consequences. We need to applaud efforts like this that promote greater online accountability. There's also something to be said about protective parents, and how essential they are to a working society. We should still be concerned about those overprotective parents who hover like helicopters from little league to job interviews. We shouldn't bubblewrap our kids, and keep them from playing outdoors, and then sit around wondering why they're soft, timid, and risk-averse. But protective parents -- the kind who shield their kids from real danger -- never go out of style. A parent's top job is to protect his children. Schilling did his job. Finally, it's worth reminding everyone that freedom of expression does not mean freedom from rules, standards, and expectations that should guide your behavior. There are things you don't say. There are boundaries, ways that we expect you to behave so you don't terrorize other people or bring shame upon yourself, your friends, and
+ Label: Ruben Navarrette: Schilling deserves praise for taking on online haters for offensive comments about his daughter. Navarrette: In protecting his child, Schilling set a model for parenting and taught us a lesson about social media.
+
+Top Influential Example:
+ Input: summarize: (CNN) -- What is it with juries in high-profile cases in Southern California? Over the years, they've become a national joke. But no one is laughing. Instead, with each travesty of justice and every acquittal that should have been a conviction, you're left wondering just what trial these 12 folks were watching and questioning whether we should have higher standards for who sits on a jury. Sometimes, the juries in local and state courts get it wrong, and the Justice Department must step in and make it right. Think back to the acquittal in April 1992 of four Los Angeles police officers who, one year earlier, savagely beat motorist Rodney King. They walked out of a courtroom in Simi Valley, California, as free men -- sparking days of rioting, looting and violence. At the time, the conventional thinking on newspaper editorial pages and on talk radio was the jurors in that largely white suburb of Los Angeles, which was itself home to many active-duty and retired police officers, saw the police force as their line of defense against undesirables like King. So naturally, the argument went, they would cut them some slack. The officers were tried again, and convicted in federal court of violating King's civil rights. Justice was finally served. Here we go again. There hasn't been much civil unrest over what happened to Kelly Thomas, the homeless and mentally ill man who -- on July 5, 2011 -- was beaten to death by a swarm of police officers in Fullerton, California. But now that the verdict is in, literally, on the two former officers who were charged in his death, there is plenty of outrage on talk radio, online and in other public forums. Another 12 people who swore an oath to consider the evidence and the law and make sure that justice is served appear to have gotten it terribly wrong. This week, that jury in Santa Ana, California -- a city about 30 miles southeast of Los Angeles -- produced a wave of gasps in the courtroom when it announced that it had found Manuel Ramos, who had been charged with second-degree murder and involuntary manslaughter, and Jay Cicinelli, who was charged with involuntary manslaughter and excessive use of force, not guilty on all counts. What? The beating was caught on a surveillance tape. When you watch those 33 minutes of footage, assuming you can stomach the experience, it's hard to believe that anyone could declare the perpetrators "not guilty." The surveillance camera footage shows Thomas being beaten and stunned with a Taser by police until he was unrecognizable and unconscious. You see a defenseless and compliant young man screaming in pain, saying he's sorry and pleading for help from his father. His words will haunt you, "Daddy, help! They're killing me!" According to prosecutors, the young man suffered brain injuries, facial fractures, broken ribs and extensive bruises and abrasions. He wound up lying in a pool of blood. He died five days later. This was not a by-the-book case of police officers using all necessary force to subdue a suspect who was resisting arrest -- a suspect, by the way, who had committed no crime. This was not, as Ramos' attorney claimed, a case of police offices simply "doing their job" with "no malice in their heart." Check the video. Early on in the confrontation, Ramos appears to tell the young man who is sitting on the ground: "You see my fists? They're getting ready to f--- you up!" Another officer is heard telling a comrade: "We ran out of options so I got to the end of my Taser and I... smashed his face to hell." There is the malice. This was abuse of power and an instance of bullying behind a badge. It happens more than we'd like to think in America. But this time, it went too far. And a man died, and a family was shattered. Yet, the jury somehow missed all this? How does this happen? In Los Angeles, people are saying that the mentally ill are the new Rodney King. In the same way that the jury in Simi Valley was inclined to back the officers who it saw as protecting them from people like King, now the jury in Santa Ana is backing the officers who it counts on to prod people like Thomas to move along, leave the streets, and get out of sight. It's a plausible explanation
+ Label: Ruben Navarrette: Too many high-profile cases in California produce travesties of justice. He says jury acquitted two ex-cops in malicious beating death captured on video. He says case showed abuse of power, bullying behind badge; happens too often in U.S. Navarrette: Only one place left that can right this wrong: The Justice Department.
+```
\ No newline at end of file
diff --git a/examples/dailymail/__init__.py b/examples/dailymail/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/examples/dailymail/analyze.py b/examples/dailymail/analyze.py
new file mode 100644
index 0000000..032cc08
--- /dev/null
+++ b/examples/dailymail/analyze.py
@@ -0,0 +1,275 @@
+import argparse
+import logging
+import os
+from typing import Dict, List
+
+import torch
+import torch.nn.functional as F
+from torch import nn
+from transformers import DataCollatorForSeq2Seq
+
+from examples.dailymail.pipeline import (
+ construct_t5,
+ get_dailymail_dataset,
+ get_tokenizer,
+)
+from kronfluence.analyzer import Analyzer, prepare_model
+from kronfluence.arguments import FactorArguments, ScoreArguments
+from kronfluence.task import Task
+from kronfluence.utils.common.factor_arguments import all_low_precision_factor_arguments
+from kronfluence.utils.common.score_arguments import all_low_precision_score_arguments
+from kronfluence.utils.dataset import DataLoaderKwargs
+from kronfluence.utils.model import apply_ddp
+
+BATCH_TYPE = Dict[str, torch.Tensor]
+try:
+ LOCAL_RANK = int(os.environ["LOCAL_RANK"])
+ WORLD_RANK = int(os.environ["RANK"])
+ WORLD_SIZE = int(os.environ["WORLD_SIZE"])
+except KeyError:
+ LOCAL_RANK = WORLD_RANK = WORLD_SIZE = 0
+
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Influence analysis on CNN/DailyMail dataset.")
+
+ parser.add_argument(
+ "--checkpoint_dir",
+ type=str,
+ default="./checkpoints",
+ help="A path that is storing the final checkpoint of the model.",
+ )
+
+ parser.add_argument(
+ "--factor_strategy",
+ type=str,
+ default="ekfac",
+ help="Strategy to compute influence factors.",
+ )
+ parser.add_argument(
+ "--query_gradient_rank",
+ type=int,
+ default=-1,
+ help="Rank for the low-rank query gradient approximation.",
+ )
+ parser.add_argument(
+ "--use_half_precision",
+ action="store_true",
+ default=False,
+ help="Whether to use half precision for computing factors and scores.",
+ )
+ parser.add_argument(
+ "--use_ddp",
+ action="store_true",
+ default=False,
+ help="Whether to use DDP for computing factors and scores.",
+ )
+ parser.add_argument(
+ "--factor_batch_size",
+ type=int,
+ default=64,
+ help="Batch size for computing influence factors.",
+ )
+ parser.add_argument(
+ "--query_batch_size",
+ type=int,
+ default=10,
+ help="Batch size for computing query gradients.",
+ )
+ parser.add_argument(
+ "--train_batch_size",
+ type=int,
+ default=128,
+ help="Batch size for computing training gradients.",
+ )
+ parser.add_argument(
+ "--profile",
+ action="store_true",
+ default=False,
+ help="Boolean flag to profile computations.",
+ )
+ args = parser.parse_args()
+
+ if args.checkpoint_dir is not None:
+ os.makedirs(args.checkpoint_dir, exist_ok=True)
+
+ return args
+
+
+class SummarizationTask(Task):
+ def compute_train_loss(
+ self,
+ batch: BATCH_TYPE,
+ model: nn.Module,
+ sample: bool = False,
+ ) -> torch.Tensor:
+ logits = model(
+ input_ids=batch["input_ids"],
+ attention_mask=batch["attention_mask"],
+ decoder_input_ids=batch["decoder_input_ids"],
+ ).logits
+
+ if not sample:
+ return F.cross_entropy(
+ logits.view(-1, logits.size(-1)), batch["labels"].view(-1), ignore_index=-100, reduction="sum"
+ )
+ with torch.no_grad():
+ probs = torch.nn.functional.softmax(logits.view(-1, logits.size(-1)).detach(), dim=-1)
+ sampled_labels = torch.multinomial(
+ probs,
+ num_samples=1,
+ ).flatten()
+ masks = batch["labels"].view(-1) == -100
+ sampled_labels[masks] = -100
+ return F.cross_entropy(logits.view(-1, logits.size(-1)), sampled_labels, reduction="sum")
+
+ def compute_measurement(
+ self,
+ batch: BATCH_TYPE,
+ model: nn.Module,
+ ) -> torch.Tensor:
+ # Copied from: https://github.com/MadryLab/trak/blob/main/trak/modelout_functions.py.
+ logits = model(
+ input_ids=batch["input_ids"],
+ attention_mask=batch["attention_mask"],
+ decoder_input_ids=batch["decoder_input_ids"],
+ ).logits
+ logits = logits.view(-1, logits.size(-1))
+
+ labels = batch["labels"].view(-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)
+ masks = batch["labels"].view(-1) != -100
+ return -margins[masks].sum()
+
+ def get_influence_tracked_modules(self) -> List[str]:
+ total_modules = []
+
+ # Add attention layers:
+ for i in range(6):
+ total_modules.append(f"encoder.block.{i}.layer.0.SelfAttention.q")
+ total_modules.append(f"encoder.block.{i}.layer.0.SelfAttention.k")
+ total_modules.append(f"encoder.block.{i}.layer.0.SelfAttention.v")
+ total_modules.append(f"encoder.block.{i}.layer.0.SelfAttention.o")
+
+ total_modules.append(f"decoder.block.{i}.layer.0.SelfAttention.q")
+ total_modules.append(f"decoder.block.{i}.layer.0.SelfAttention.k")
+ total_modules.append(f"decoder.block.{i}.layer.0.SelfAttention.v")
+ total_modules.append(f"decoder.block.{i}.layer.0.SelfAttention.o")
+
+ total_modules.append(f"decoder.block.{i}.layer.1.EncDecAttention.q")
+ total_modules.append(f"decoder.block.{i}.layer.1.EncDecAttention.k")
+ total_modules.append(f"decoder.block.{i}.layer.1.EncDecAttention.v")
+ total_modules.append(f"decoder.block.{i}.layer.1.EncDecAttention.o")
+
+ # Add MLP layers:
+ for i in range(6):
+ total_modules.append(f"encoder.block.{i}.layer.1.DenseReluDense.wi")
+ total_modules.append(f"encoder.block.{i}.layer.1.DenseReluDense.wo")
+
+ total_modules.append(f"decoder.block.{i}.layer.2.DenseReluDense.wi")
+ total_modules.append(f"decoder.block.{i}.layer.2.DenseReluDense.wo")
+
+ return total_modules
+
+ def get_attention_mask(self, batch: BATCH_TYPE) -> torch.Tensor:
+ return batch["attention_mask"]
+
+
+def main():
+ args = parse_args()
+ logging.basicConfig(level=logging.INFO)
+
+ # Prepare the dataset.
+ train_dataset = get_dailymail_dataset(
+ split="eval_train",
+ )
+ eval_dataset = get_dailymail_dataset(
+ split="valid",
+ )
+ tokenizer = get_tokenizer()
+
+ # Prepare the trained model.
+ model = construct_t5()
+
+ # Define task and prepare model.
+ task = SummarizationTask()
+ model = prepare_model(model, task)
+
+ if args.use_ddp:
+ model = apply_ddp(
+ model=model,
+ local_rank=LOCAL_RANK,
+ rank=WORLD_RANK,
+ world_size=WORLD_SIZE,
+ )
+
+ analyzer = Analyzer(
+ analysis_name="dailymail",
+ model=model,
+ task=task,
+ profile=args.profile,
+ )
+ # Configure parameters for DataLoader.
+ label_pad_token_id = -100
+ data_collator = DataCollatorForSeq2Seq(
+ tokenizer,
+ model=model,
+ label_pad_token_id=label_pad_token_id,
+ pad_to_multiple_of=None,
+ )
+
+ dataloader_kwargs = DataLoaderKwargs(num_workers=4, collate_fn=data_collator)
+ analyzer.set_dataloader_kwargs(dataloader_kwargs)
+
+ # Compute influence factors.
+ factors_name = args.factor_strategy
+ factor_args = FactorArguments(strategy=args.factor_strategy)
+ if args.use_half_precision:
+ factor_args = all_low_precision_factor_arguments(strategy=args.factor_strategy, dtype=torch.bfloat16)
+ factors_name += "_half"
+ if args.use_ddp:
+ factors_name += "_ddp"
+ analyzer.fit_all_factors(
+ factors_name=factors_name,
+ dataset=train_dataset,
+ per_device_batch_size=args.factor_batch_size,
+ factor_args=factor_args,
+ overwrite_output_dir=False,
+ )
+
+ # Compute pairwise scores.
+ score_args = ScoreArguments()
+ scores_name = factor_args.strategy
+ if args.use_half_precision:
+ score_args = all_low_precision_score_arguments(dtype=torch.bfloat16)
+ scores_name += "_half"
+ 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
+ score_args.query_gradient_accumulation_steps = 10
+ scores_name += f"_qlr{rank}"
+ if args.use_ddp:
+ scores_name += "_ddp"
+ analyzer.compute_pairwise_scores(
+ score_args=score_args,
+ scores_name=scores_name,
+ factors_name=factors_name,
+ query_dataset=eval_dataset,
+ query_indices=list(range(10)),
+ train_dataset=train_dataset,
+ per_device_query_batch_size=args.query_batch_size,
+ per_device_train_batch_size=args.train_batch_size,
+ overwrite_output_dir=False,
+ )
+ scores = analyzer.load_pairwise_scores(scores_name)["all_modules"]
+ logging.info(f"Scores shape: {scores.shape}")
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/dailymail/inspect_examples.py b/examples/dailymail/inspect_examples.py
new file mode 100644
index 0000000..2059b5c
--- /dev/null
+++ b/examples/dailymail/inspect_examples.py
@@ -0,0 +1,37 @@
+import logging
+
+import torch
+
+from examples.dailymail.pipeline import get_dailymail_dataset, get_tokenizer
+from kronfluence.analyzer import Analyzer
+
+
+def main():
+ logging.basicConfig(level=logging.INFO)
+
+ # You might need to change the path.
+ strategy = "ekfac"
+ scores = Analyzer.load_file(f"influence_results/dailymail/scores_{strategy}_half/pairwise_scores.safetensors")[
+ "all_modules"
+ ].to(dtype=torch.float32)
+
+ eval_idx = 1
+ train_dataset = get_dailymail_dataset(
+ split="eval_train",
+ )
+ eval_dataset = get_dailymail_dataset(
+ split="valid",
+ )
+ tokenizer = get_tokenizer()
+ print("Query Data Example:")
+ print(f"Input: {tokenizer.decode(eval_dataset[eval_idx]['input_ids'])}")
+ print(f"Label: {tokenizer.decode(eval_dataset[eval_idx]['labels'])}")
+
+ top_idx = int(torch.argsort(scores[eval_idx], descending=True)[0])
+ print("Top Influential Example:")
+ print(f"Input: {tokenizer.decode(train_dataset[top_idx]['input_ids'])}")
+ print(f"Label: {tokenizer.decode(train_dataset[top_idx]['labels'])}")
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/dailymail/pipeline.py b/examples/dailymail/pipeline.py
new file mode 100644
index 0000000..f221cdb
--- /dev/null
+++ b/examples/dailymail/pipeline.py
@@ -0,0 +1,110 @@
+from typing import Any, List
+
+import torch.nn as nn
+from datasets import Dataset, load_dataset
+from transformers import AutoConfig, AutoModelForSeq2SeqLM, AutoTokenizer
+
+summarization_name_mapping = {
+ "amazon_reviews_multi": ("review_body", "review_title"),
+ "big_patent": ("description", "abstract"),
+ "cnn_dailymail": ("article", "highlights"),
+ "orange_sum": ("text", "summary"),
+ "pn_summary": ("article", "summary"),
+ "psc": ("extract_text", "summary_text"),
+ "samsum": ("dialogue", "summary"),
+ "thaisum": ("body", "summary"),
+ "xglue": ("news_body", "news_title"),
+ "xsum": ("document", "summary"),
+ "wiki_summary": ("article", "highlights"),
+ "multi_news": ("document", "summary"),
+}
+
+
+MODEL_NAME = "google-t5/t5-small"
+
+
+def construct_t5() -> nn.Module:
+ config = AutoConfig.from_pretrained(
+ MODEL_NAME,
+ trust_remote_code=True,
+ )
+ return AutoModelForSeq2SeqLM.from_pretrained(
+ MODEL_NAME,
+ from_tf=False,
+ config=config,
+ ignore_mismatched_sizes=False,
+ trust_remote_code=True,
+ )
+
+
+def get_tokenizer() -> Any:
+ return AutoTokenizer.from_pretrained(MODEL_NAME, use_fast=True, trust_remote_code=True)
+
+
+def get_dailymail_dataset(
+ split: str,
+ indices: List[int] = None,
+) -> Dataset:
+ raw_datasets = load_dataset("cnn_dailymail", "3.0.0")
+
+ tokenizer = get_tokenizer()
+ column_names = raw_datasets["train"].column_names
+ dataset_columns = summarization_name_mapping.get("cnn_dailymail", None)
+ text_column = dataset_columns[0] if dataset_columns is not None else column_names[0]
+ summary_column = dataset_columns[1] if dataset_columns is not None else column_names[1]
+
+ max_source_length = 1024
+ max_target_length = 128
+ padding = False
+ prefix = "summarize: "
+
+ def preprocess_function(examples):
+ inputs = examples[text_column]
+ targets = examples[summary_column]
+ inputs = [prefix + inp for inp in inputs]
+ model_inputs = tokenizer(inputs, max_length=max_source_length, padding=padding, truncation=True)
+
+ labels = tokenizer(
+ text_target=targets,
+ max_length=max_target_length,
+ padding=padding,
+ truncation=True,
+ )
+
+ model_inputs["labels"] = labels["input_ids"]
+ return model_inputs
+
+ if split == "train" or split == "eval_train":
+ train_dataset = raw_datasets["train"]
+ train_dataset = train_dataset.map(
+ preprocess_function,
+ batched=True,
+ num_proc=None,
+ remove_columns=column_names,
+ load_from_cache_file=True,
+ desc="Running tokenizer on dataset.",
+ )
+ ds = train_dataset
+ else:
+ valid_dataset = raw_datasets["validation"]
+ eval_dataset = valid_dataset.map(
+ preprocess_function,
+ batched=True,
+ num_proc=None,
+ remove_columns=column_names,
+ load_from_cache_file=True,
+ desc="Running tokenizer on dataset.",
+ )
+ ds = eval_dataset
+
+ if indices is not None:
+ ds = ds.select(indices)
+
+ return ds
+
+
+if __name__ == "__main__":
+ from kronfluence import Analyzer
+
+ model = construct_t5()
+ print(Analyzer.get_module_summary(model))
diff --git a/examples/dailymail/requirements.txt b/examples/dailymail/requirements.txt
new file mode 100644
index 0000000..7ae6637
--- /dev/null
+++ b/examples/dailymail/requirements.txt
@@ -0,0 +1,7 @@
+sentencepiece!=0.1.92
+nltk
+py7zr
+rouge-score
+transformers
+evaluate
+datasets
diff --git a/examples/dailymail/train.py b/examples/dailymail/train.py
new file mode 100644
index 0000000..686b3d4
--- /dev/null
+++ b/examples/dailymail/train.py
@@ -0,0 +1,228 @@
+import argparse
+import logging
+import os
+import time
+from typing import Any, Dict
+
+import evaluate
+import nltk
+import numpy as np
+import torch
+import torch.nn.functional as F
+from accelerate.utils import send_to_device, set_seed
+from filelock import FileLock
+from torch import nn
+from torch.nn import CrossEntropyLoss
+from torch.utils import data
+from transformers import DataCollatorForSeq2Seq
+
+from examples.dailymail.pipeline import (
+ construct_t5,
+ get_dailymail_dataset,
+ get_tokenizer,
+)
+
+try:
+ nltk.data.find("tokenizers/punkt")
+except (LookupError, OSError):
+ with FileLock(".lock") as lock:
+ nltk.download("punkt", quiet=True)
+
+
+DEVICE = torch.device("cuda" if torch.cuda.is_available() else "cpu")
+
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Train seq2seq models on CNN/DailyMail dataset.")
+
+ parser.add_argument(
+ "--train_batch_size",
+ type=int,
+ default=16,
+ help="Batch size for the training dataloader.",
+ )
+ parser.add_argument(
+ "--eval_batch_size",
+ type=int,
+ default=32,
+ help="Batch size for the evaluation dataloader.",
+ )
+
+ parser.add_argument(
+ "--learning_rate",
+ type=float,
+ default=5e-05,
+ help="Fixed learning rate to train the model.",
+ )
+ parser.add_argument(
+ "--weight_decay",
+ type=float,
+ default=0.01,
+ help="Weight decay to train the model.",
+ )
+ parser.add_argument(
+ "--num_train_epochs",
+ type=int,
+ default=3,
+ help="Total number of epochs to train the model.",
+ )
+
+ parser.add_argument(
+ "--seed",
+ type=int,
+ default=1004,
+ help="A seed for reproducible training pipeline.",
+ )
+ parser.add_argument(
+ "--checkpoint_dir",
+ type=str,
+ default="./checkpoints",
+ help="A path to store the final checkpoint.",
+ )
+ args = parser.parse_args()
+
+ if args.checkpoint_dir is not None:
+ os.makedirs(args.checkpoint_dir, exist_ok=True)
+
+ return args
+
+
+def train(
+ dataset: data.Dataset,
+ tokenizer: Any,
+ batch_size: int,
+ num_train_epochs: int,
+ learning_rate: float,
+ weight_decay: float,
+) -> nn.Module:
+ model = construct_t5().to(DEVICE)
+ data_collator = DataCollatorForSeq2Seq(
+ tokenizer,
+ model=model,
+ label_pad_token_id=-100,
+ pad_to_multiple_of=None,
+ )
+ train_dataloader = data.DataLoader(
+ dataset=dataset,
+ batch_size=batch_size,
+ shuffle=True,
+ drop_last=True,
+ collate_fn=data_collator,
+ )
+ optimizer = torch.optim.AdamW(model.parameters(), lr=learning_rate, weight_decay=weight_decay)
+
+ start_time = time.time()
+ model.train()
+ for epoch in range(num_train_epochs):
+ total_loss = 0.0
+ for batch in train_dataloader:
+ optimizer.zero_grad(set_to_none=True)
+ batch = send_to_device(batch, device=DEVICE)
+ loss = model(**batch).loss
+ loss.backward()
+ optimizer.step()
+ total_loss += loss.detach().float()
+ logging.info(f"Epoch {epoch + 1} - Averaged Loss: {total_loss / len(dataset)}")
+ end_time = time.time()
+ elapsed_time = end_time - start_time
+ logging.info(f"Completed training in {elapsed_time:.2f} seconds.")
+ return model
+
+
+def evaluate_model(model: nn.Module, tokenizer: Any, dataset: data.Dataset, batch_size: int) -> Dict[str, Any]:
+ data_collator = DataCollatorForSeq2Seq(
+ tokenizer,
+ model=model,
+ label_pad_token_id=-100,
+ pad_to_multiple_of=None,
+ )
+ dataloader = data.DataLoader(
+ dataset=dataset, batch_size=batch_size, shuffle=False, drop_last=False, collate_fn=data_collator
+ )
+ model.eval()
+
+ def postprocess_text(preds, labels):
+ preds = [pred.strip() for pred in preds]
+ labels = [label.strip() for label in labels]
+
+ # rougeLSum expects newline after each sentence.
+ preds = ["\n".join(nltk.sent_tokenize(pred)) for pred in preds]
+ labels = ["\n".join(nltk.sent_tokenize(label)) for label in labels]
+
+ return preds, labels
+
+ gen_kwargs = {
+ "max_length": 128,
+ }
+ metric = evaluate.load("rouge")
+ loss_fn = CrossEntropyLoss(ignore_index=-100, reduction="mean")
+ total_loss = 0.0
+ for step, batch in enumerate(dataloader):
+ with torch.no_grad():
+ logits = model(
+ input_ids=batch["input_ids"].to(device=DEVICE),
+ attention_mask=batch["attention_mask"].to(device=DEVICE),
+ decoder_input_ids=batch["decoder_input_ids"].to(device=DEVICE),
+ ).logits
+ labels = batch["labels"].to(device=DEVICE)
+ loss = loss_fn(logits.view(-1, logits.size(-1)), labels.view(-1))
+ total_loss += loss.detach().float().item()
+
+ labels = labels.cpu().numpy()
+ labels = np.where(labels != -100, labels, tokenizer.pad_token_id)
+ generated_tokens = model.generate(
+ batch["input_ids"].to(device=DEVICE),
+ attention_mask=batch["attention_mask"].to(device=DEVICE),
+ **gen_kwargs,
+ )
+ if isinstance(generated_tokens, tuple):
+ generated_tokens = generated_tokens[0]
+ decoded_preds = tokenizer.batch_decode(generated_tokens, skip_special_tokens=True)
+ decoded_labels = tokenizer.batch_decode(labels, skip_special_tokens=True)
+ decoded_preds, decoded_labels = postprocess_text(decoded_preds, decoded_labels)
+ metric.add_batch(
+ predictions=decoded_preds,
+ references=decoded_labels,
+ )
+
+ result = metric.compute(use_stemmer=True)
+ result = {k: round(v * 100, 4) for k, v in result.items()}
+ result["loss"] = total_loss / len(dataloader)
+ return result
+
+
+def main():
+ args = parse_args()
+ logging.basicConfig(level=logging.INFO)
+ logger = logging.getLogger()
+
+ if args.seed is not None:
+ set_seed(args.seed)
+
+ tokenizer = get_tokenizer()
+ train_dataset = get_dailymail_dataset(split="train")
+ model = train(
+ dataset=train_dataset,
+ tokenizer=tokenizer,
+ batch_size=args.train_batch_size,
+ num_train_epochs=args.num_train_epochs,
+ learning_rate=args.learning_rate,
+ weight_decay=args.weight_decay,
+ )
+
+ eval_train_dataset = get_dailymail_dataset(split="eval_train")
+ results = evaluate_model(
+ model=model, tokenizer=tokenizer, dataset=eval_train_dataset, batch_size=args.eval_batch_size
+ )
+ logger.info(f"Train evaluation results: {results}")
+
+ eval_dataset = get_dailymail_dataset(split="valid")
+ results = evaluate_model(model=model, tokenizer=tokenizer, dataset=eval_dataset, batch_size=args.eval_batch_size)
+ logger.info(f"Valid evaluation results: {results}")
+
+ if args.checkpoint_dir is not None:
+ torch.save(model.state_dict(), os.path.join(args.checkpoint_dir, "model.pth"))
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/glue/README.md b/examples/glue/README.md
index 12398a1..c1b43a4 100644
--- a/examples/glue/README.md
+++ b/examples/glue/README.md
@@ -1,14 +1,16 @@
# GLUE & BERT Example
-This directory contains scripts for fine-tuning BERT on GLUE benchmark. The pipeline is motivated from [HuggingFace Example](https://github.com/huggingface/transformers/tree/main/examples/pytorch/text-classification).
-Please begin by installing necessary packages.
+This directory contains scripts for fine-tuning BERT and computing influence scores on the GLUE benchmark. The pipeline is motivated from [this HuggingFace Example](https://github.com/huggingface/transformers/tree/main/examples/pytorch/text-classification).
+To get started, please install the necessary packages:
+
```bash
pip install -r requirements.txt
```
## Training
-To fine-tune BERT on some specific dataset, run the following command (we are using `SST2` dataset):
+To fine-tune BERT on a specific dataset, run the following command (we are using the SST2 dataset in this example):
+
```bash
python train.py --dataset_name sst2 \
--checkpoint_dir ./checkpoints \
@@ -20,9 +22,12 @@ python train.py --dataset_name sst2 \
--seed 1004
```
+This will save the trained checkpoint in the `./checkpoints` directory.
+
## Computing Pairwise Influence Scores
-To obtain a pairwise influence scores on maximum of 2000 query data points using `ekfac`, run the following command:
+To obtain pairwise influence scores on a maximum of 2000 query data points using `ekfac`, run the following command:
+
```bash
python analyze.py --dataset_name sst2 \
--query_batch_size 175 \
@@ -30,31 +35,123 @@ python analyze.py --dataset_name sst2 \
--checkpoint_dir ./checkpoints \
--factor_strategy ekfac
```
-On A100 (80GB), it takes roughly 80 minutes to compute the pairwise scores for SST2 with around 900 query data points
-(including computing EKFAC factors).
-We can also use query batching (low-rank approximation to the query gradient; see Section 3.2.2 from the [paper](https://arxiv.org/pdf/2308.03296.pdf)) to compute influence scores with a
-larger query batch size.
+On an A100 (80GB), it takes roughly 90 minutes to compute the pairwise scores for SST2 (including computing EKFAC factors):
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 5088.0 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Fit Lambda | 2370.0 | 1 | 2370.0 | 46.581 |
+| Compute Pairwise Score | 2222.4 | 1 | 2222.4 | 43.679 |
+| Fit Covariance | 478.83 | 1 | 478.83 | 9.411 |
+| Perform Eigendecomposition | 10.587 | 1 | 10.587 | 0.20808 |
+| Save Eigendecomposition | 2.5419 | 1 | 2.5419 | 0.049958 |
+| Save Covariance | 2.3878 | 1 | 2.3878 | 0.046931 |
+| Save Lambda | 0.66905 | 1 | 0.66905 | 0.01315 |
+| Save Pairwise Score | 0.51374 | 1 | 0.51374 | 0.010097 |
+| Load All Factors | 0.01321 | 1 | 0.01321 | 0.00025963 |
+| Load Covariance | 0.0081149 | 1 | 0.0081149 | 0.00015949 |
+| Load Eigendecomposition | 0.0079874 | 1 | 0.0079874 | 0.00015699 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+For faster computation, use half precision:
+
```bash
python analyze.py --dataset_name sst2 \
- --query_gradient_rank 32 \
- --query_batch_size 436 \
- --train_batch_size 256 \
+ --query_batch_size 175 \
+ --train_batch_size 128 \
--checkpoint_dir ./checkpoints \
- --factor_strategy ekfac
+ --factor_strategy ekfac \
+ --use_half_precision
```
-Note that query batching is slower in this case (140 minutes in total), as the number of training data points is small and the cost of performing SVD dominates the overall cost.
-Assuming that you ran above two commands, `query_batching_analysis.py` contains code to compute the correlations between the full rank and low-rank scores.
-
-
-
-The averaged correlations between the low-rank and full rank scores for 100 data points is 0.98.
+This reduces computation time to about 20 minutes on an A100 (80GB) GPU.
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 1222.4 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 582.08 | 1 | 582.08 | 47.617 |
+| Fit Lambda | 543.55 | 1 | 543.55 | 44.465 |
+| Fit Covariance | 83.877 | 1 | 83.877 | 6.8616 |
+| Perform Eigendecomposition | 9.4054 | 1 | 9.4054 | 0.76942 |
+| Save Eigendecomposition | 1.516 | 1 | 1.516 | 0.12401 |
+| Save Covariance | 1.434 | 1 | 1.434 | 0.11731 |
+| Save Lambda | 0.28022 | 1 | 0.28022 | 0.022924 |
+| Save Pairwise Score | 0.24123 | 1 | 0.24123 | 0.019734 |
+| Load All Factors | 0.01241 | 1 | 0.01241 | 0.0010152 |
+| Load Covariance | 0.0080553 | 1 | 0.0080553 | 0.00065897 |
+| Load Eigendecomposition | 0.0077278 | 1 | 0.0077278 | 0.00063218 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
## Counterfactual Evaluation
-We plan to add a simple demo for counterfactual evaluation on the RTE dataset soon.
+Let's evaluate the impact of removing top positively influential training examples on query misclassification.
+First, compute pairwise influence scores for the `RTE` dataset (the below commands used a single A100 GPU):
+
+```bash
+python train.py --dataset_name rte \
+ --checkpoint_dir ./checkpoints \
+ --train_batch_size 32 \
+ --eval_batch_size 32 \
+ --learning_rate 2e-05 \
+ --weight_decay 0.01 \
+ --num_train_epochs 3 \
+ --seed 0
+
+python analyze.py --dataset_name rte \
+ --query_batch_size 70 \
+ --train_batch_size 128 \
+ --checkpoint_dir ./checkpoints \
+ --factor_strategy ekfac
+
+python analyze.py --dataset_name rte \
+ --query_batch_size 70 \
+ --train_batch_size 128 \
+ --checkpoint_dir ./checkpoints \
+ --factor_strategy diagonal
+```
+
+Use `run_counterfactual.py` to run the counterfactual experiment. See [our paper](https://arxiv.org/abs/2405.12186) for the detailed setup.
-
\ No newline at end of file
+
+
+## Evaluating 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).
+
+
+
+| Strategy | LDS |
+|--------------------------|:----:|
+| `identity` | 0.10 |
+| `diagonal` | 0.15 |
+| `kfac` | 0.32 |
+| `ekfac` | 0.32 |
+| `ekfac` (half precision) | 0.32 |
+
+
+
+The script can also print top influential sequences for a given query.
+
+```
+Query Example:
+ Sentence1: The west has preferred to focus on endangered animals, rather than endangered humans. African elephants are hunted down and stripped of tusks and hidden by poachers. Their numbers in Africa slumped from 1.2m to 600,000 in a decade until CITES - the Convention on International Trade in Endangered Species - banned the trade in ivory.
+ Sentence2: African elephants are endangered by ivory poachers.
+ Label: 0
+
+Top Influential Example:
+ Sentence1: The article also mentions the greater prevalence of obesity among two minority populations, African-Americans and Hispanic/Latino, but does not consider in its analysis of the increase in obesity the increase of these these populations as a proportion of the United States population. African-Americans and Hispanic/Latinos have a higher rates of obesity than White Americans, while Asian-Americans have a relatively low rate of obesity. Despite only representing one third of the U.S. population, African-Americans and Hispanic/Latinos represent about one half of the population growth.
+ Sentence2: African-Americans are a minority in the U.S.
+ Label: 0
+```
\ No newline at end of file
diff --git a/examples/glue/analyze.py b/examples/glue/analyze.py
index 022dfd9..90dd71f 100644
--- a/examples/glue/analyze.py
+++ b/examples/glue/analyze.py
@@ -1,7 +1,7 @@
import argparse
import logging
import os
-from typing import Dict, Optional
+from typing import Dict
import torch
import torch.nn.functional as F
@@ -12,6 +12,8 @@
from kronfluence.analyzer import Analyzer, prepare_model
from kronfluence.arguments import FactorArguments, ScoreArguments
from kronfluence.task import Task
+from kronfluence.utils.common.factor_arguments import all_low_precision_factor_arguments
+from kronfluence.utils.common.score_arguments import all_low_precision_score_arguments
from kronfluence.utils.dataset import DataLoaderKwargs
BATCH_TYPE = Dict[str, torch.Tensor]
@@ -33,12 +35,24 @@ def parse_args():
help="A path that is storing the final checkpoint of the model.",
)
+ parser.add_argument(
+ "--factor_strategy",
+ type=str,
+ default="ekfac",
+ help="Strategy to compute influence factors.",
+ )
parser.add_argument(
"--query_gradient_rank",
type=int,
default=-1,
help="Rank for the low-rank query gradient approximation.",
)
+ parser.add_argument(
+ "--use_half_precision",
+ action="store_true",
+ default=False,
+ help="Whether to use half precision for computing factors and scores.",
+ )
parser.add_argument(
"--query_batch_size",
type=int,
@@ -52,12 +66,11 @@ def parse_args():
help="Batch size for computing training gradients.",
)
parser.add_argument(
- "--factor_strategy",
- type=str,
- default="ekfac",
- help="Strategy to compute influence factors.",
+ "--profile",
+ action="store_true",
+ default=False,
+ help="Boolean flag to profile computations.",
)
-
args = parser.parse_args()
if args.checkpoint_dir is not None:
@@ -84,12 +97,12 @@ def compute_train_loss(
if not sample:
return F.cross_entropy(logits, batch["labels"], reduction="sum")
with torch.no_grad():
- probs = torch.nn.functional.softmax(logits, dim=-1)
+ probs = torch.nn.functional.softmax(logits.detach(), dim=-1)
sampled_labels = torch.multinomial(
probs,
num_samples=1,
).flatten()
- return F.cross_entropy(logits, sampled_labels.detach(), reduction="sum")
+ return F.cross_entropy(logits, sampled_labels, reduction="sum")
def compute_measurement(
self,
@@ -113,7 +126,7 @@ def compute_measurement(
margins = logits_correct - cloned_logits.logsumexp(dim=-1)
return -margins.sum()
- def get_attention_mask(self, batch: BATCH_TYPE) -> Optional[torch.Tensor]:
+ def get_attention_mask(self, batch: BATCH_TYPE) -> torch.Tensor:
return batch["attention_mask"]
@@ -146,38 +159,48 @@ def main():
analysis_name=args.dataset_name,
model=model,
task=task,
- cpu=False,
+ profile=args.profile,
)
# Configure parameters for DataLoader.
dataloader_kwargs = DataLoaderKwargs(collate_fn=default_data_collator)
analyzer.set_dataloader_kwargs(dataloader_kwargs)
# Compute influence factors.
+ factors_name = args.factor_strategy
factor_args = FactorArguments(strategy=args.factor_strategy)
+ if args.use_half_precision:
+ factor_args = all_low_precision_factor_arguments(strategy=args.factor_strategy, dtype=torch.bfloat16)
+ factors_name += "_half"
analyzer.fit_all_factors(
- factors_name=args.factor_strategy,
+ factors_name=factors_name,
dataset=train_dataset,
per_device_batch_size=None,
factor_args=factor_args,
- overwrite_output_dir=True,
+ overwrite_output_dir=False,
initial_per_device_batch_size_attempt=512,
)
+
# Compute pairwise scores.
+ score_args = ScoreArguments()
+ scores_name = factor_args.strategy
+ if args.use_half_precision:
+ score_args = all_low_precision_score_arguments(dtype=torch.bfloat16)
+ scores_name += "_half"
rank = args.query_gradient_rank if args.query_gradient_rank != -1 else None
- score_args = ScoreArguments(query_gradient_rank=rank, query_gradient_svd_dtype=torch.float32)
- scores_name = args.factor_strategy
if rank is not None:
+ score_args.query_gradient_low_rank = rank
+ score_args.query_gradient_accumulation_steps = 10
scores_name += f"_qlr{rank}"
analyzer.compute_pairwise_scores(
score_args=score_args,
scores_name=scores_name,
- factors_name=args.factor_strategy,
+ factors_name=factors_name,
query_dataset=eval_dataset,
query_indices=list(range(min([len(eval_dataset), 2000]))),
train_dataset=train_dataset,
per_device_query_batch_size=args.query_batch_size,
per_device_train_batch_size=args.train_batch_size,
- overwrite_output_dir=True,
+ overwrite_output_dir=False,
)
scores = analyzer.load_pairwise_scores(scores_name)["all_modules"]
logging.info(f"Scores shape: {scores.shape}")
diff --git a/examples/glue/evaluate_lds.py b/examples/glue/evaluate_lds.py
new file mode 100644
index 0000000..513feda
--- /dev/null
+++ b/examples/glue/evaluate_lds.py
@@ -0,0 +1,64 @@
+import logging
+
+import numpy as np
+import torch
+import tqdm
+from scipy.stats import spearmanr
+
+from examples.glue.pipeline import get_glue_dataset
+from kronfluence.analyzer import Analyzer
+
+
+def evaluate_correlations(scores: torch.Tensor) -> float:
+ margins = torch.from_numpy(torch.load(open("files/margins.pt", "rb")))
+ masks = torch.from_numpy(torch.load(open("files/masks.pt", "rb"))).float()
+
+ val_indices = np.arange(277)
+ preds = masks @ scores.T
+
+ rs = []
+ ps = []
+ for j in tqdm.tqdm(val_indices):
+ r, p = spearmanr(preds[:, j], margins[:, j])
+ rs.append(r)
+ ps.append(p)
+ rs, ps = np.array(rs), np.array(ps)
+ return rs.mean()
+
+
+def main():
+ logging.basicConfig(level=logging.INFO)
+
+ # You might need to change the path.
+ strategy = "ekfac"
+ scores = Analyzer.load_file(f"influence_results/rte/scores_{strategy}/pairwise_scores.safetensors")[
+ "all_modules"
+ ].to(dtype=torch.float32)
+
+ corr_mean = evaluate_correlations(scores)
+ logging.info(f"LDS: {np.mean(corr_mean)}")
+
+ # We can also visualize the top influential sequences.
+ eval_idx = 79
+ train_dataset = get_glue_dataset(
+ data_name="rte",
+ split="eval_train",
+ )
+ eval_dataset = get_glue_dataset(
+ data_name="rte",
+ split="valid",
+ )
+ print("Query Data Example:")
+ print(f"Sentence1: {eval_dataset[eval_idx]['sentence1']}")
+ print(f"Sentence2: {eval_dataset[eval_idx]['sentence2']}")
+ print(f"Label: {eval_dataset[eval_idx]['label']}")
+
+ top_idx = int(torch.argsort(scores[eval_idx], descending=True)[0])
+ print("Top Influential Example:")
+ print(f"Sentence1: {train_dataset[top_idx]['sentence1']}")
+ print(f"Sentence2: {train_dataset[top_idx]['sentence2']}")
+ print(f"Label: {train_dataset[top_idx]['label']}")
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/glue/files/margins.pt b/examples/glue/files/margins.pt
new file mode 100644
index 0000000..ba28a40
Binary files /dev/null and b/examples/glue/files/margins.pt differ
diff --git a/examples/glue/files/masks.pt b/examples/glue/files/masks.pt
new file mode 100644
index 0000000..61308a0
Binary files /dev/null and b/examples/glue/files/masks.pt differ
diff --git a/examples/glue/half_precision_analysis.py b/examples/glue/half_precision_analysis.py
new file mode 100644
index 0000000..288c39c
--- /dev/null
+++ b/examples/glue/half_precision_analysis.py
@@ -0,0 +1,40 @@
+import logging
+
+import matplotlib.pyplot as plt
+import numpy as np
+from scipy.stats import spearmanr
+from tueplots import markers
+
+from kronfluence.analyzer import Analyzer
+
+
+def main():
+ logging.basicConfig(level=logging.INFO)
+
+ # Load the scores. You might need to modify the path.
+ scores = Analyzer.load_file("influence_results/sst2/scores_ekfac/pairwise_scores.safetensors")["all_modules"]
+ half_scores = Analyzer.load_file("influence_results/sst2/scores_ekfac_half/pairwise_scores.safetensors")[
+ "all_modules"
+ ].float()
+
+ plt.rcParams.update({"figure.dpi": 150})
+ plt.rcParams.update(markers.with_edge())
+ plt.rcParams["axes.axisbelow"] = True
+
+ # Only plot first 6000 points to avoid clutter.
+ idx = 79
+ plt.scatter(half_scores[idx][:6000], scores[idx][:6000], edgecolor="k")
+ plt.grid()
+ plt.xlabel("bfloat16")
+ plt.ylabel("float32")
+ plt.show()
+
+ # Compute the averaged spearman correlation.
+ all_corr = []
+ for i in range(500):
+ all_corr.append(spearmanr(scores[i], half_scores[i])[0])
+ logging.info(f"Averaged Spearman Correlation: {np.array(all_corr).mean()}")
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/glue/pipeline.py b/examples/glue/pipeline.py
index 3db7e55..e8fa284 100644
--- a/examples/glue/pipeline.py
+++ b/examples/glue/pipeline.py
@@ -68,12 +68,14 @@ def preprocess_function(examples):
raw_datasets = raw_datasets.map(
preprocess_function,
batched=True,
- load_from_cache_file=(not False),
+ load_from_cache_file=True,
)
if split in ["train", "eval_train"]:
train_dataset = raw_datasets["train"]
ds = train_dataset
+ if data_name == "rte":
+ ds = ds.select(range(2432))
else:
eval_dataset = raw_datasets["validation"]
ds = eval_dataset
diff --git a/examples/glue/run_counterfactual.py b/examples/glue/run_counterfactual.py
new file mode 100644
index 0000000..46bd564
--- /dev/null
+++ b/examples/glue/run_counterfactual.py
@@ -0,0 +1,221 @@
+import time
+from typing import List, Optional
+
+import numpy as np
+import torch
+import torch.nn as nn
+from accelerate.utils import set_seed
+from torch.utils import data
+from transformers import default_data_collator
+
+from examples.glue.pipeline import get_glue_dataset
+from examples.glue.train import train
+from kronfluence import Analyzer
+
+DEVICE = torch.device("cuda" if torch.cuda.is_available() else "cpu")
+
+
+def get_accuracy(model: nn.Module, dataset: data.Dataset) -> torch.Tensor:
+ dataloader = data.DataLoader(
+ dataset=dataset, batch_size=32, shuffle=False, drop_last=False, collate_fn=default_data_collator
+ )
+
+ model.eval()
+ with torch.no_grad():
+ acc_lst = []
+ for batch in dataloader:
+ outputs = model(
+ input_ids=batch["input_ids"].to(device=DEVICE),
+ token_type_ids=batch["token_type_ids"].to(device=DEVICE),
+ attention_mask=batch["attention_mask"].to(device=DEVICE),
+ ).logits
+ labels = batch["labels"].to(device=DEVICE)
+ accs = (outputs.argmax(-1) == labels).float().cpu()
+ acc_lst.append(accs)
+ all_accs = torch.cat(acc_lst)
+ return all_accs
+
+
+def train_with_indices(dataset: data.Dataset, seed: int, indices_to_keep: Optional[List[int]] = None) -> nn.Module:
+ if indices_to_keep is not None:
+ dataset = dataset.select(indices_to_keep)
+
+ set_seed(seed)
+ model = train(dataset=dataset, batch_size=16, num_train_epochs=3, learning_rate=2e-05, weight_decay=0.01)
+ return model
+
+
+def train_with_configurations(
+ dataset: data.Dataset,
+ valid_dataset: data.Dataset,
+ top_indices: List[int],
+ interval: int,
+ seed_ids: List[int],
+) -> List[torch.Tensor]:
+ num_train = len(dataset)
+ indices_to_remove = top_indices[:interval]
+ indices_to_keep = list(set(range(num_train)) - set(indices_to_remove))
+ assert len(indices_to_keep) + len(indices_to_remove) == num_train
+
+ valid_acc_lst = []
+ for seed in seed_ids:
+ model = train_with_indices(dataset=dataset, indices_to_keep=indices_to_keep, seed=seed + 2008)
+ valid_results = get_accuracy(model, valid_dataset)
+ valid_acc_lst.append(valid_results)
+ return valid_acc_lst
+
+
+def main():
+ train_dataset = get_glue_dataset(
+ data_name="rte",
+ split="eval_train",
+ )
+ eval_dataset = get_glue_dataset(
+ data_name="rte",
+ split="valid",
+ )
+ num_target = 100
+ assert num_target <= len(eval_dataset)
+
+ remove_intervals = [20, 40, 60, 80, 100, 120]
+ num_base_repeat = 5
+ num_repeat = 3
+
+ large_seed_ids = list(range(num_base_repeat))
+ seed_ids = list(range(num_repeat))
+
+ valid_acc_lst = []
+ for seed in large_seed_ids:
+ model = train_with_indices(dataset=train_dataset, seed=seed + 79, indices_to_keep=None)
+ valid_results = get_accuracy(model, eval_dataset)
+ valid_acc_lst.append(valid_results)
+
+ # Selects validation data points that get correctly classified on all seeds.
+ mask = np.array(valid_acc_lst).mean(0) >= 1.0
+ print(f"Total target numbers: {mask.sum()}")
+
+ # Get random baseline.
+ start_time = time.time()
+ random_results = []
+ for valid_idx in range(num_target):
+ print(f"{valid_idx}th validation data point.")
+ if mask[valid_idx]:
+ # Selects training data points with the same label.
+ correct_label = eval_dataset[valid_idx]["label"]
+ random_indices = list(
+ np.random.permutation(
+ [
+ i
+ for i, x in enumerate([x["label"] for x in eval_dataset])
+ if x == correct_label and i < num_target
+ ]
+ )
+ )
+
+ success_lst = []
+ for interval in remove_intervals:
+ results = train_with_configurations(
+ dataset=train_dataset,
+ top_indices=random_indices,
+ valid_dataset=eval_dataset.select([valid_idx]),
+ interval=interval,
+ seed_ids=seed_ids,
+ )
+ if np.array(results).mean() < 0.5:
+ success_lst.append(1)
+ break
+ else:
+ success_lst.append(0)
+
+ while len(success_lst) < len(remove_intervals):
+ success_lst.append(1)
+
+ random_results.append(success_lst)
+
+ end_time = time.time()
+ print(f"Took {end_time - start_time} seconds for the random baseline.")
+ random_results = np.array(random_results).sum(0)
+ print(f"Results: {random_results}")
+
+ # Get EKFAC baseline.
+ start_time = time.time()
+ scores = Analyzer.load_file("influence_results/rte/scores_ekfac/pairwise_scores.safetensors")["all_modules"].to(
+ dtype=torch.float32
+ )
+ ekfac_results = []
+ for valid_idx in range(num_target):
+ print(f"{valid_idx}th validation data point.")
+ if mask[valid_idx]:
+ top_indices = torch.argsort(scores[valid_idx], descending=True)
+ top_indices = [idx.item() for idx in top_indices]
+
+ success_lst = []
+ for interval in remove_intervals:
+ results = train_with_configurations(
+ dataset=train_dataset,
+ top_indices=top_indices,
+ valid_dataset=eval_dataset.select([valid_idx]),
+ interval=interval,
+ seed_ids=seed_ids,
+ )
+ if np.array(results).mean() < 0.5:
+ success_lst.append(1)
+ break
+ else:
+ success_lst.append(0)
+
+ while len(success_lst) < len(remove_intervals):
+ success_lst.append(1)
+
+ ekfac_results.append(success_lst)
+
+ end_time = time.time()
+ print(f"Took {end_time - start_time} seconds for the EKFAC baseline.")
+ ekfac_results = np.array(ekfac_results).sum(0)
+ print(f"Results: {ekfac_results}")
+
+ # Get Identity baseline.
+ start_time = time.time()
+ scores = Analyzer.load_file("influence_results/rte/scores_identity/pairwise_scores.safetensors")["all_modules"].to(
+ dtype=torch.float32
+ )
+ identity_results = []
+ for valid_idx in range(num_target):
+ print(f"{valid_idx}th validation data point.")
+ if mask[valid_idx]:
+ top_indices = torch.argsort(scores[valid_idx], descending=True)
+ top_indices = [idx.item() for idx in top_indices]
+
+ success_lst = []
+ for interval in remove_intervals:
+ results = train_with_configurations(
+ dataset=train_dataset,
+ top_indices=top_indices,
+ valid_dataset=eval_dataset.select([valid_idx]),
+ interval=interval,
+ seed_ids=seed_ids,
+ )
+ if np.array(results).mean() < 0.5:
+ success_lst.append(1)
+ break
+ else:
+ success_lst.append(0)
+
+ while len(success_lst) < len(remove_intervals):
+ success_lst.append(1)
+
+ identity_results.append(success_lst)
+
+ end_time = time.time()
+ print(f"Took {end_time - start_time} seconds for the identity baseline.")
+ identity_results = np.array(identity_results).sum(0)
+ print(f"Results: {identity_results}")
+
+ print("final")
+ print(f"Results: {random_results}")
+ print(f"Results: {ekfac_results}")
+ print(f"Results: {identity_results}")
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/glue/train.py b/examples/glue/train.py
index b6dacf6..f2f6950 100644
--- a/examples/glue/train.py
+++ b/examples/glue/train.py
@@ -71,7 +71,6 @@ def parse_args():
default="./checkpoints",
help="A path to store the final checkpoint.",
)
-
args = parser.parse_args()
if args.checkpoint_dir is not None:
@@ -105,13 +104,13 @@ def train(
for epoch in range(num_train_epochs):
total_loss = 0.0
for batch in train_dataloader:
+ optimizer.zero_grad(set_to_none=True)
loss = model(
input_ids=batch["input_ids"].to(device=DEVICE),
attention_mask=batch["attention_mask"].to(device=DEVICE),
token_type_ids=batch["token_type_ids"].to(device=DEVICE),
labels=batch["labels"].to(device=DEVICE),
).loss
- optimizer.zero_grad()
loss.backward()
optimizer.step()
total_loss += loss.detach().float()
diff --git a/examples/imagenet/README.md b/examples/imagenet/README.md
index 399f60d..6595bb5 100644
--- a/examples/imagenet/README.md
+++ b/examples/imagenet/README.md
@@ -1,54 +1,145 @@
# ImageNet & ResNet-50 Example
-This directory contains scripts for training ResNet-50 on ImageNet. Please begin by installing necessary packages.
+This directory contains scripts for computing influence scores on the ImageNet dataset using ResNet-50.
+To get started, please install the necessary packages by running:
+
```bash
pip install -r requirements.txt
```
-## Training
-
-We will use the pre-trained model from `torchvision.models.resnet50`.
+We will use the pre-trained ResNet-50 model from `torchvision.models.resnet50`.
## Computing Pairwise Influence Scores
-To obtain a pairwise influence scores on 1000 query data points using `ekfac`, run the following command:
+To compute pairwise influence scores on 1000 query data points using the `ekfac` factorization strategy, run the following command:
+
```bash
python analyze.py --dataset_dir PATH_TO_IMAGENET \
--query_gradient_rank -1 \
--query_batch_size 100 \
- --train_batch_size 512 \
+ --train_batch_size 256 \
--factor_strategy ekfac
```
-On A100 (80GB), it takes approximately 12 hours to compute the pairwise scores (including computing EKFAC factors).
-We can also use query batching (low-rank approximation to the query gradient; see Section 3.2.2 from the [paper](https://arxiv.org/pdf/2308.03296.pdf)) to compute influence scores with a
-larger query batch size.
+Replace `PATH_TO_IMAGENET` with the path to your ImageNet dataset directory. On an A100 (80GB) GPU, it takes approximately 11 hours to compute the pairwise scores (including computing EKFAC factors):
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 4.072e+04 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 3.9136e+04 | 1 | 3.9136e+04 | 96.111 |
+| Fit Lambda | 1056.7 | 1 | 1056.7 | 2.5952 |
+| Fit Covariance | 454.05 | 1 | 454.05 | 1.1151 |
+| Save Pairwise Score | 49.141 | 1 | 49.141 | 0.12068 |
+| Perform Eigendecomposition | 10.589 | 1 | 10.589 | 0.026006 |
+| Save Covariance | 5.7108 | 1 | 5.7108 | 0.014025 |
+| Save Eigendecomposition | 5.5442 | 1 | 5.5442 | 0.013616 |
+| Save Lambda | 0.97504 | 1 | 0.97504 | 0.0023945 |
+| Load Eigendecomposition | 0.52786 | 1 | 0.52786 | 0.0012963 |
+| Load Covariance | 0.30319 | 1 | 0.30319 | 0.00074458 |
+| Load All Factors | 0.15671 | 1 | 0.15671 | 0.00038485 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+Query batching (low-rank approximation to the query gradient; see **Section 3.2.2** from the paper) can be used to compute influence scores with a larger query batch size:
+
```bash
python analyze.py --dataset_dir PATH_TO_IMAGENET \
--query_gradient_rank 32 \
- --query_batch_size 500 \
- --train_batch_size 512 \
+ --query_batch_size 256 \
+ --train_batch_size 256 \
--factor_strategy ekfac
```
-On A100 (80GB), it takes roughly 4 hours to compute the pairwise scores with query batching (including computing EKFAC factors).
-Assuming that you ran above two commands, `query_batching_analysis.py`
-contains code to compute the correlations between the full rank and low-rank scores.
+
+On an A100 (80GB) GPU, it takes roughly 3 hours to compute the pairwise scores with query batching:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 3 | 7352.8 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 7340.8 | 1 | 7340.8 | 99.836 |
+| Save Pairwise Score | 12.026 | 1 | 12.026 | 0.16355 |
+| Load All Factors | 0.0099941 | 1 | 0.0099941 | 0.00013592 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+Assuming you ran the above two commands, `query_batching_analysis.py` contains code to compute the correlations between the full-rank and low-rank scores.
-
+
-The averaged correlations between the low-rank and full rank scores for 100 data points is 0.95.
+
+The averaged correlations between the low-rank and full rank scores for 100 data points is 0.94.
+For even more efficient computation, use half precision:
+
+```bash
+python analyze.py --dataset_dir PATH_TO_IMAGENET \
+ --query_gradient_rank 32 \
+ --query_batch_size 500 \
+ --train_batch_size 512 \
+ --factor_strategy ekfac \
+ --use_half_precision
+```
+
+This reduces computation time to about 85 minutes on an A100 (80GB) GPU:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 3023.7 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 2621.2 | 1 | 2621.2 | 86.688 |
+| Fit Lambda | 232.3 | 1 | 232.3 | 7.6825 |
+| Fit Covariance | 157.36 | 1 | 157.36 | 5.204 |
+| Perform Eigendecomposition | 5.745 | 1 | 5.745 | 0.19 |
+| Save Pairwise Score | 5.6676 | 1 | 5.6676 | 0.18744 |
+| Save Covariance | 0.70454 | 1 | 0.70454 | 0.0233 |
+| Save Eigendecomposition | 0.61539 | 1 | 0.61539 | 0.020352 |
+| Save Lambda | 0.092784 | 1 | 0.092784 | 0.0030685 |
+| Load Covariance | 0.013714 | 1 | 0.013714 | 0.00045354 |
+| Load All Factors | 0.0088742 | 1 | 0.0088742 | 0.00029348 |
+| Load Eigendecomposition | 0.0056237 | 1 | 0.0056237 | 0.00018599 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
## Computing Pairwise Influence Scores with DDP
-You can also use DistributedDataParallel (DDP) to speed up influence computations. You can run:
+You can also use [DistributedDataParallel (DDP)](https://pytorch.org/tutorials/intermediate/ddp_tutorial.html) to speed up influence computations. To run influence analysis with four A100 (80GB) GPUs and query batching, use the command:
+
```bash
-torchrun --standalone --nnodes=1 --nproc-per-node=2 ddp_analyze.py --dataset_dir PATH_TO_IMAGENET \
- --query_gradient_rank -1 \
+torchrun --standalone --nnodes=1 --nproc-per-node=4 ddp_analyze.py --dataset_dir PATH_TO_IMAGENET \
+ --query_gradient_rank 32 \
--factor_batch_size 512 \
--query_batch_size 100 \
- --train_batch_size 512 \
+ --train_batch_size 256 \
--factor_strategy ekfac
```
-On 2 A100 (80GB), it takes approximately 6 hours to compute the pairwise scores. When available, you can use more GPUs
-to speed up influence computations.
+
+It takes approximately 1 hour to compute the pairwise scores:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 3423.3 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 2917.2 | 1 | 2917.2 | 85.215 |
+| Fit Lambda | 298.62 | 1 | 298.62 | 8.7232 |
+| Fit Covariance | 137.9 | 1 | 137.9 | 4.0282 |
+| Save Pairwise Score | 48.122 | 1 | 48.122 | 1.4057 |
+| Perform Eigendecomposition | 7.7503 | 1 | 7.7503 | 0.2264 |
+| Save Eigendecomposition | 5.9978 | 1 | 5.9978 | 0.1752 |
+| Save Covariance | 5.7442 | 1 | 5.7442 | 0.1678 |
+| Save Lambda | 0.95602 | 1 | 0.95602 | 0.027927 |
+| Load Covariance | 0.5718 | 1 | 0.5718 | 0.016703 |
+| Load Eigendecomposition | 0.34755 | 1 | 0.34755 | 0.010153 |
+| Load All Factors | 0.13107 | 1 | 0.13107 | 0.0038288 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+You can use more GPUs to further speed up the influence computations (or use AMP + half precision).
diff --git a/examples/imagenet/analyze.py b/examples/imagenet/analyze.py
index d831a9d..9dd14b1 100644
--- a/examples/imagenet/analyze.py
+++ b/examples/imagenet/analyze.py
@@ -1,19 +1,16 @@
import argparse
import logging
-from typing import Tuple
import torch
-import torch.nn.functional as F
-from torch import nn
+from examples.cifar.analyze import ClassificationTask
from examples.imagenet.pipeline import construct_resnet50, get_imagenet_dataset
from kronfluence.analyzer import Analyzer, prepare_model
from kronfluence.arguments import FactorArguments, ScoreArguments
-from kronfluence.task import Task
+from kronfluence.utils.common.factor_arguments import all_low_precision_factor_arguments
+from kronfluence.utils.common.score_arguments import all_low_precision_score_arguments
from kronfluence.utils.dataset import DataLoaderKwargs
-BATCH_TYPE = Tuple[torch.Tensor, torch.Tensor]
-
def parse_args():
parser = argparse.ArgumentParser(description="Influence analysis on ImageNet dataset.")
@@ -21,10 +18,16 @@ def parse_args():
parser.add_argument(
"--dataset_dir",
type=str,
- default="/mfs1/datasets/imagenet_pytorch/",
+ default="PATH_TO_IMAGENET",
help="A folder containing the ImageNet dataset.",
)
+ parser.add_argument(
+ "--factor_strategy",
+ type=str,
+ default="ekfac",
+ help="Strategy to compute preconditioning factors.",
+ )
parser.add_argument(
"--query_gradient_rank",
type=int,
@@ -40,58 +43,25 @@ def parse_args():
parser.add_argument(
"--train_batch_size",
type=int,
- default=128,
+ default=256,
help="Batch size for computing training gradient.",
)
parser.add_argument(
- "--factor_strategy",
- type=str,
- default="ekfac",
- help="Strategy to compute preconditioning factors.",
+ "--use_half_precision",
+ action="store_true",
+ default=False,
+ help="Whether to use half precision for computing factors and scores.",
+ )
+ parser.add_argument(
+ "--profile",
+ action="store_true",
+ default=False,
+ help="Boolean flag to profile computations.",
)
-
args = parser.parse_args()
return args
-class ClassificationTask(Task):
- def compute_train_loss(
- self,
- batch: BATCH_TYPE,
- model: nn.Module,
- sample: bool = False,
- ) -> torch.Tensor:
- inputs, labels = batch
- logits = model(inputs)
- if not sample:
- return F.cross_entropy(logits, labels, reduction="sum")
- with torch.no_grad():
- probs = torch.nn.functional.softmax(logits, dim=-1)
- sampled_labels = torch.multinomial(
- probs,
- num_samples=1,
- ).flatten()
- return F.cross_entropy(logits, sampled_labels.detach(), reduction="sum")
-
- def compute_measurement(
- self,
- batch: BATCH_TYPE,
- model: nn.Module,
- ) -> torch.Tensor:
- # Copied from: https://github.com/MadryLab/trak/blob/main/trak/modelout_functions.py.
- inputs, labels = batch
- logits = model(inputs)
-
- 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.sum()
-
-
def main():
args = parse_args()
logging.basicConfig(level=logging.INFO)
@@ -111,6 +81,7 @@ def main():
analysis_name="imagenet",
model=model,
task=task,
+ profile=args.profile,
)
# Configure parameters for DataLoader.
dataloader_kwargs = DataLoaderKwargs(
@@ -119,31 +90,41 @@ def main():
analyzer.set_dataloader_kwargs(dataloader_kwargs)
# Compute influence factors.
+ factors_name = args.factor_strategy
factor_args = FactorArguments(strategy=args.factor_strategy)
+ if args.use_half_precision:
+ factor_args = all_low_precision_factor_arguments(strategy=args.factor_strategy, dtype=torch.bfloat16)
+ factors_name += "_half"
analyzer.fit_all_factors(
- factors_name=args.factor_strategy,
+ factors_name=factors_name,
dataset=train_dataset,
per_device_batch_size=None,
factor_args=factor_args,
overwrite_output_dir=False,
+ initial_per_device_batch_size_attempt=512,
)
# Compute pairwise scores.
+ score_args = ScoreArguments()
+ scores_name = factor_args.strategy
+ if args.use_half_precision:
+ score_args = all_low_precision_score_arguments(dtype=torch.bfloat16)
+ scores_name += "_half"
rank = args.query_gradient_rank if args.query_gradient_rank != -1 else None
- score_args = ScoreArguments(query_gradient_rank=rank, query_gradient_svd_dtype=torch.float32)
- scores_name = args.factor_strategy
if rank is not None:
+ score_args.query_gradient_low_rank = rank
+ score_args.query_gradient_accumulation_steps = 10
scores_name += f"_qlr{rank}"
analyzer.compute_pairwise_scores(
- score_args=score_args,
scores_name=scores_name,
- factors_name=args.factor_strategy,
+ score_args=score_args,
+ factors_name=factors_name,
query_dataset=eval_dataset,
query_indices=list(range(1000)),
train_dataset=train_dataset,
per_device_query_batch_size=args.query_batch_size,
per_device_train_batch_size=args.train_batch_size,
- overwrite_output_dir=True,
+ overwrite_output_dir=False,
)
scores = analyzer.load_pairwise_scores(scores_name)["all_modules"]
logging.info(f"Scores shape: {scores.shape}")
diff --git a/examples/imagenet/ddp_analyze.py b/examples/imagenet/ddp_analyze.py
index 1b574d5..33f9653 100644
--- a/examples/imagenet/ddp_analyze.py
+++ b/examples/imagenet/ddp_analyze.py
@@ -1,7 +1,6 @@
import argparse
import logging
import os
-from typing import Tuple
import torch
@@ -9,11 +8,12 @@
from examples.imagenet.pipeline import construct_resnet50, get_imagenet_dataset
from kronfluence.analyzer import Analyzer, prepare_model
from kronfluence.arguments import FactorArguments, ScoreArguments
+from kronfluence.utils.common.factor_arguments import all_low_precision_factor_arguments
+from kronfluence.utils.common.score_arguments import all_low_precision_score_arguments
from kronfluence.utils.dataset import DataLoaderKwargs
from kronfluence.utils.model import apply_ddp
torch.backends.cudnn.benchmark = True
-BATCH_DTYPE = Tuple[torch.Tensor, torch.Tensor]
LOCAL_RANK = int(os.environ["LOCAL_RANK"])
WORLD_RANK = int(os.environ["RANK"])
WORLD_SIZE = int(os.environ["WORLD_SIZE"])
@@ -25,10 +25,16 @@ def parse_args():
parser.add_argument(
"--dataset_dir",
type=str,
- default="/mfs1/datasets/imagenet_pytorch/",
+ default="PATH_TO_IMAGENET",
help="A folder containing the ImageNet dataset.",
)
+ parser.add_argument(
+ "--factor_strategy",
+ type=str,
+ default="ekfac",
+ help="Strategy to compute preconditioning factors.",
+ )
parser.add_argument(
"--query_gradient_rank",
type=int,
@@ -54,10 +60,10 @@ def parse_args():
help="Batch size for computing training gradient.",
)
parser.add_argument(
- "--factor_strategy",
- type=str,
- default="ekfac",
- help="Strategy to compute preconditioning factors.",
+ "--use_half_precision",
+ action="store_true",
+ default=False,
+ help="Whether to use half precision for computing factors and scores.",
)
parser.add_argument(
"--profile",
@@ -65,7 +71,6 @@ def parse_args():
default=False,
help="Boolean flag to profile computations.",
)
-
args = parser.parse_args()
return args
@@ -106,27 +111,34 @@ def main():
analyzer.set_dataloader_kwargs(dataloader_kwargs)
# Compute influence factors.
- factor_args = FactorArguments(
- strategy=args.factor_strategy,
- )
+ factors_name = args.factor_strategy
+ factor_args = FactorArguments(strategy=args.factor_strategy)
+ if args.use_half_precision:
+ factor_args = all_low_precision_factor_arguments(strategy=args.factor_strategy, dtype=torch.bfloat16)
+ factors_name += "_half"
analyzer.fit_all_factors(
factors_name=args.factor_strategy,
dataset=train_dataset,
- per_device_batch_size=args.factor_batch_size,
+ per_device_batch_size=None,
factor_args=factor_args,
overwrite_output_dir=False,
)
# Compute pairwise scores.
+ score_args = ScoreArguments()
+ scores_name = factor_args.strategy
+ if args.use_half_precision:
+ score_args = all_low_precision_score_arguments(dtype=torch.bfloat16)
+ scores_name += "_half"
rank = args.query_gradient_rank if args.query_gradient_rank != -1 else None
- score_args = ScoreArguments(query_gradient_rank=rank)
- scores_name = args.factor_strategy
if rank is not None:
+ score_args.query_gradient_low_rank = rank
+ score_args.query_gradient_accumulation_steps = 10
scores_name += f"_qlr{rank}"
analyzer.compute_pairwise_scores(
- score_args=score_args,
scores_name=scores_name,
- factors_name=args.factor_strategy,
+ score_args=score_args,
+ factors_name=factors_name,
query_dataset=eval_dataset,
query_indices=list(range(1000)),
train_dataset=train_dataset,
diff --git a/examples/imagenet/query_batching_analysis.py b/examples/imagenet/query_batching_analysis.py
index c0b5480..6e82e98 100644
--- a/examples/imagenet/query_batching_analysis.py
+++ b/examples/imagenet/query_batching_analysis.py
@@ -2,7 +2,7 @@
import matplotlib.pyplot as plt
import numpy as np
-from scipy.stats import spearmanr
+from scipy.stats import pearsonr, spearmanr
from tueplots import markers
from kronfluence.analyzer import Analyzer
@@ -12,14 +12,21 @@ def main():
logging.basicConfig(level=logging.INFO)
# Load the scores. You might need to modify the path.
- full_scores = Analyzer.load_file("scores_ekfac/pairwise_scores.safetensors")["all_modules"]
- lr_scores = Analyzer.load_file("scores_ekfac_qlr32/pairwise_scores.safetensors")["all_modules"]
-
- # Only plot first 1000 points to avoid clutter.
+ full_scores = Analyzer.load_file("influence_results/imagenet/scores_ekfac/pairwise_scores.safetensors")[
+ "all_modules"
+ ]
+ lr_scores = Analyzer.load_file("influence_results/imagenet/scores_ekfac_qlr32/pairwise_scores.safetensors")[
+ "all_modules"
+ ]
+ # lr_scores = Analyzer.load_file("influence_results/imagenet/scores_ekfac_half_qlr32/pairwise_scores.safetensors")[
+ # "all_modules"
+ # ].float()
+
+ # Only plot first 5000 points to avoid clutter.
plt.rcParams.update({"figure.dpi": 150})
plt.rcParams.update(markers.with_edge())
plt.rcParams["axes.axisbelow"] = True
- plt.scatter(lr_scores[0][:1000], full_scores[0][:1000], edgecolor="k")
+ plt.scatter(lr_scores[0][:5000], full_scores[0][:5000], edgecolor="k")
plt.grid()
plt.xlabel("Full Rank Score")
plt.ylabel("Low Rank (32) Score")
@@ -31,6 +38,12 @@ def main():
all_corr.append(spearmanr(full_scores[i], lr_scores[i])[0])
logging.info(f"Averaged Spearman Correlation: {np.array(all_corr).mean()}")
+ # Compute the averaged pearson correlation.
+ all_corr = []
+ for i in range(100):
+ all_corr.append(pearsonr(full_scores[i], lr_scores[i])[0])
+ logging.info(f"Averaged Spearman Correlation: {np.array(all_corr).mean()}")
+
if __name__ == "__main__":
main()
diff --git a/examples/openwebtext/README.md b/examples/openwebtext/README.md
new file mode 100644
index 0000000..cf99680
--- /dev/null
+++ b/examples/openwebtext/README.md
@@ -0,0 +1,218 @@
+# OpenWebText & Llama-3-8B Example
+
+This directory contains scripts for computing influence scores on the subset of OpenWebText dataset.
+The pipeline is inspired by the [LoggIX repository](https://github.com/logix-project/logix/tree/main/examples/language_modeling) and serves as an example of how to use Kronfluence on large-scale models.
+Install the necessary packages:
+
+```bash
+pip install -r requirements.txt
+```
+
+We will use the pre-trained Meta-Llama-3-8B model [from HuggingFace](https://huggingface.co/meta-llama/Meta-Llama-3-8B).
+
+## Fitting EKFAC Factors
+
+To compute factors using the `ekfac` strategy, run the following command (e.g., 4 A100 80GB GPUs):
+
+```bash
+torchrun --standalone --nnodes=1 --nproc-per-node=4 fit_factors.py \
+ --factors_name jul_11_2024 \
+ --factor_batch_size 4
+```
+
+You can visualize the fitted factors using the `inspect_factors.py` script.
+
+
+
+
+
+## Computing Influence Scores
+
+The `generate.py` script contains code to generate responses from the Llama-3-8B model given certain prompts.
+Some prompt-completion pairs are saved in `data/data.json`.
+To compute influence scores on the generated prompt-completion pairs using the fitted factors, run:
+
+```bash
+torchrun --standalone --nnodes=1 --nproc-per-node=4 compute_scores.py \
+ --factors_name jul_11_2024 \
+ --scores_name raw_scores \
+ --train_batch_size 8 \
+ --query_gradient_rank 64
+```
+
+You can experiment with various configurations. For example, after identifying the top 100 influential sequences using query batching, you can use the full query gradient (or without half precision) to re-compute influence scores on these queries. This approach can yield a more accurate ranking. (We followed this approach for the EKFAC IF paper, and it can be effective in removing outliers.)
+
+The `/files` directory contains some results without any refinement process. Examples are available in this folder.
+
+```
+Query Sequence:
+Prompt: Inflation is typically measured by; Completion: the Consumer Price Index (CPI).
+
+Top Influential Sequences:
+================================================================================
+Rank = 0; Score = 3899392.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 = 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
+<|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 = 3; Score = 3096576.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,
+```
+
+
+```
+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/__init__.py b/examples/openwebtext/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/examples/openwebtext/compute_scores.py b/examples/openwebtext/compute_scores.py
new file mode 100644
index 0000000..06fb6a5
--- /dev/null
+++ b/examples/openwebtext/compute_scores.py
@@ -0,0 +1,113 @@
+import argparse
+import logging
+from datetime import timedelta
+
+import torch
+from accelerate import Accelerator, InitProcessGroupKwargs
+from transformers import default_data_collator
+
+from examples.openwebtext.pipeline import (
+ construct_llama3,
+ get_custom_dataset,
+ get_openwebtext_dataset,
+)
+from examples.openwebtext.task import LanguageModelingTask
+from kronfluence.analyzer import Analyzer, prepare_model
+from kronfluence.utils.common.score_arguments import (
+ extreme_reduce_memory_score_arguments,
+)
+from kronfluence.utils.dataset import DataLoaderKwargs
+
+torch.backends.cudnn.benchmark = True
+torch.backends.cuda.matmul.allow_tf32 = True
+
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Influence score computation on Openwebtext dataset.")
+
+ parser.add_argument(
+ "--factors_name",
+ type=str,
+ help="Name of the factor.",
+ )
+ parser.add_argument(
+ "--scores_name",
+ type=str,
+ help="Name of the score.",
+ )
+ parser.add_argument(
+ "--query_gradient_rank",
+ type=int,
+ default=-1,
+ help="Rank for the low-rank query gradient approximation.",
+ )
+ parser.add_argument(
+ "--train_batch_size",
+ type=int,
+ default=8,
+ help="Batch size for computing query gradients.",
+ )
+ parser.add_argument(
+ "--profile",
+ action="store_true",
+ default=False,
+ help="Boolean flag to profile computations.",
+ )
+ args = parser.parse_args()
+
+ return args
+
+
+def main():
+ args = parse_args()
+ logging.basicConfig(level=logging.INFO)
+
+ # Prepare the dataset.
+ train_dataset = get_openwebtext_dataset()
+ eval_dataset = get_custom_dataset()
+
+ # Prepare the trained model.
+ model = construct_llama3()
+
+ # Define task and prepare model.
+ task = LanguageModelingTask()
+ model = prepare_model(model, task)
+
+ kwargs = InitProcessGroupKwargs(timeout=timedelta(seconds=5400)) # 1.5 hours.
+ accelerator = Accelerator(kwargs_handlers=[kwargs])
+ model = accelerator.prepare_model(model)
+
+ analyzer = Analyzer(
+ analysis_name="openwebtext",
+ model=model,
+ task=task,
+ profile=args.profile,
+ )
+ # Configure parameters for DataLoader.
+ dataloader_kwargs = DataLoaderKwargs(num_workers=4, collate_fn=default_data_collator, pin_memory=True)
+ analyzer.set_dataloader_kwargs(dataloader_kwargs)
+
+ rank = args.query_gradient_rank if args.query_gradient_rank != -1 else None
+ # We set the damping term used for LLMs.
+ score_args = extreme_reduce_memory_score_arguments(
+ damping_factor=None, module_partitions=1, query_gradient_low_rank=rank, dtype=torch.bfloat16
+ )
+ score_args.query_gradient_accumulation_steps = 10
+ # We can invest some time in getting more accurate SVD results.
+ score_args.use_full_svd = True
+ analyzer.compute_pairwise_scores(
+ scores_name=args.scores_name,
+ score_args=score_args,
+ factors_name=args.factors_name,
+ query_dataset=eval_dataset,
+ train_dataset=train_dataset,
+ per_device_query_batch_size=1,
+ per_device_train_batch_size=args.train_batch_size,
+ overwrite_output_dir=True,
+ )
+ scores = analyzer.load_pairwise_scores(args.scores_name)["all_modules"]
+ logging.info(f"Scores shape: {scores.shape}")
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/openwebtext/data/data.json b/examples/openwebtext/data/data.json
new file mode 100644
index 0000000..3af981b
--- /dev/null
+++ b/examples/openwebtext/data/data.json
@@ -0,0 +1,22 @@
+[
+ {
+ "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": "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": "Inflation is typically measured by",
+ "completion": " the Consumer Price Index (CPI)."
+ },
+ {
+ "prompt": "Doctors are male and nurses are",
+ "completion": " female."
+ },
+ {
+ "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."
+ }
+]
\ No newline at end of file
diff --git a/examples/openwebtext/figure/eigenvalue.png b/examples/openwebtext/figure/eigenvalue.png
new file mode 100644
index 0000000..64a402b
Binary files /dev/null and b/examples/openwebtext/figure/eigenvalue.png differ
diff --git a/examples/openwebtext/figure/lambda_matrix.png b/examples/openwebtext/figure/lambda_matrix.png
new file mode 100644
index 0000000..64a402b
Binary files /dev/null and b/examples/openwebtext/figure/lambda_matrix.png differ
diff --git a/examples/openwebtext/files/canada.txt b/examples/openwebtext/files/canada.txt
new file mode 100644
index 0000000..9de3458
--- /dev/null
+++ b/examples/openwebtext/files/canada.txt
@@ -0,0 +1,2212 @@
+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 = 14745600.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 = 1; Score = 14286848.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 = 11796480.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 = 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
+<|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 = 11141120.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 = 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.
+
+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 = 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.
+
+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 = 8; Score = 9830400.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 = 9; Score = 9699328.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 = 10; Score = 9568256.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 = 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
+<|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 = 13; Score = 9371648.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 = 14; Score = 9109504.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 = 15; Score = 8847360.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 = 16; Score = 8585216.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 = 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.
+
+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 = 18; Score = 8290304.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 = 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
+
+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 = 20; Score = 8060928.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 = 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
+
+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 = 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."
+
+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.
+
+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.
+
+1. Unicorn (Scotland)
+
+Despite its mythical and occasionally sparkly depiction, the unicorn represents purity, strength and independence. (Photo: godam07/Shutterstock)
+
+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?
+
+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."
+
+2. Dodo (Mauritius)
+
+The extinct dodo lives on through museums, stamps and statues in Mauritius. (Image: Biodiversity Heritage Library/flickr)
+
+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.
+
+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
+
+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.
+
+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 = 25; Score = 7012352.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.
+
+"We see ourselves in each other and our lives are richer for it," Obama said.
+
+"The enduring partnership between Canada and the United States is as strong as it has ever been and we are more closely aligned than ever before."
+
+The American president reserved heartfelt mention for Trudeau, who he said has brought "new energy and hope" to the cross-border relationship.
+
+"My time in office may be nearing an end, but I know that Canada and the world will benefit from your leadership in the years to come."
+
+But he also included pointed comments on a perennial sore spot, one that has taken fresh urgency in the face of a resurgent Russia and rising Islamic extremism.
+
+"As your NATO ally and your friend, let me say, we'll be more secure when every NATO member, including Canada, contributes its full share to our common security," Obama said to sustained applause from both Liberals and Conservative MPs and senators, who returned from summer break for the historic event.
+
+U.S. President Barack Obama is greeted by a standing ovation in the House of Commons in Ottawa on Wednesday. (Adrian Wyld/Canadian Press)
+
+"Because the Canadian Armed Forces are really good. And if I can borrow a phrase, the world needs more Canada. NATO needs more Canada. We need you."
+
+Washington has been ratcheting up the pressure on Ottawa to spend more for two years, ever since Russia annexed Crimea and set off a shadow war in eastern Ukraine.
+
+At the moment, Canada spends just under $20 billion on defence — or 1 per cent of its gross domestic product, which is half the NATO standard.
+
+Obama: 'The world needs more Canada' 1:21
+
+The Trudeau government has also waffled on a call by NATO to contribute to a high-mobility brigade destined for eastern Europe as a deterrence measure.
+
+Although the federal government has privately expressed interest, it has yet to formally declare this publicly.
+
+Obama's remarks will put more pressure on the Liberal government for a public pronouncement.
+
+His appearance on the floor of the House of Commons, alongside Trudeau and his wife, Sophie Gregoire Trudeau,was greeted with a thunderous ovation.
+
+"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
+<|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
+<|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 = 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
+
+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 = 35; Score = 5996544.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 = 36; Score = 5996544.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 = 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.
+
+The players are suing for $10 million in compensatory and punitive damages as well as attorney’s fees.
+
+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
+
+“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 = 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
+
+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 = 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.
+
+Article Continued Below
+
+"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.
+
+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.
+
+Article Continued
+================================================================================
+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.”
+
+“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 = 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.
+
+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 = 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.
+
+NewsConference: Los Angeles Mayor Garcetti on his first 7 months
+
+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)
+
+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.
+
+Despite the disagreement over disciplining the officers, Garcetti voiced support for Beck.
+
+"My managers I trust and they are going to make different decisions at different points... he's been a super Chief," Garcetti said.
+
+NewsConference: L.A. Mayor Eric Garcetti & High Tech
+
+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)
+
+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.
+
+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 = 44; Score = 5308416.0
+<|begin_of_text|>USA food safety lags far behind the rest of the world
+
+Taiwan bans GMOs from school menus
+
+Entire world revolting against U.S. agricultural imperialism and fascist, corporate-dictated government policy
+
+(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
+<|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 = 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 = 48; Score = 4980736.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 = 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.
+
+Bieber then removes several items of clothing for a pat down.
+
+He’s eventually led to a holding cell where he waits for a couple hours before eventually being transported via van to jail.
+
+The embattled entertainer can be seen doing push-ups and pacing in the small space while he waits.
+
+The videos do not contain audio.
+
+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.
+
+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.
+
+Web Extra: Surveillance Video Recorded In Miami Beach Police Department Following Justin Bieber’s Arrest
+
+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.
+
+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 = 51; Score = 4915200.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
+
+9 April 2014
+
+Dear Prime Minister,
+
+It is with the thinnest possible veneer of synthesised guilt that I have been convinced to tender my resignation as a member of the cabinet.
+
+I am very grateful to you for inexplicably having my back throughout this mess, but the present situation has become a distraction from the vital work this government is doing to distract the public from the ongoing abuse of government expenses.
+
+I have been a member of the Conservative party for more than 30 years. I know that our party understands the importance of giving everyone the opportunity to succeed regardless of where they come from, so long as they come from my immediate family and prefer having a nicely decorated house to being able to sleep at night.
+
+I am immensely proud of what my team have been able to achieve during my time in government: uniting our great arts and cultural institutions in unanimous agreement that I should resign; putting women front and centre of the continuing expenses scandal; putting in place the legislation to enable all couples to have the opportunity to marry regardless of their sexuality. I mean, there was that time I voted against a move to allow ministers to introduce regulations banning harassment on grounds of sexual orientation, but that was way before you made me look after gay people. Besides, accurate recollections have never exactly been my strong point, have they?
+
+Did I mention that I went to a comprehensive? Because I totally did.
+
+Implementing the recommendations made by Sir Brian Leveson on the future of media regulation wasn't the success I'd hoped it to be, either. I mean, seriously, what's the point of limiting the freedom of the press if I can't even bully editors into shutting up about my dodgy mortgage? Still, whatever. I get the message. I'll lie low for a bit.
+
+I will continue to support you and the work of the government as you move forward. Ensuring the best future for people of Basingstoke who I'm directly related to has been my priority throughout the past nine years. Whether on the front or back benches, I will continue this work. But, who are we kidding, it'll probably be the front benches, right?
+
+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.
+
+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).
+
+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).
+
+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.
+
+Nik Stauskas and Tyler Ennis are envisioning the day when they all get together wearing Canada's national team jersey.
+
+"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."
+
+Story continues below advertisement
+
+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.
+
+Andrew Wiggins, a 19-year-old sensation from Vaughan, Ont., was taken No. 1 overall by the Cleveland Cavaliers.
+
+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.
+
+"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.
+
+"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.
+
+Dwight Powell of Toronto was the fourth Canadian drafted Thursday, going 45th overall to the Charlotte Hornets.
+
+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.
+
+Story continues below advertisement
+
+Story continues below advertisement
+
+"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.
+
+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.
+
+The
+================================================================================
+Rank = 54; Score = 4784128.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 = 55; Score = 4751360.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 = 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.
+
+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.
+
+"We shouldn't overreact, but 35 candidates was ridiculous," said Commisisoner Jan Sandberg. "We absolutely have to do something about that filing fee."
+
+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.
+
+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.
+
+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).
+
+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.
+
+"$500 today is not a barrier," said Commissioner Todd Ferrara.
+
+Twenty dollars in 1972 would be worth $111.70 today.
+
+Candidate Bob "Again" Carney agreed that Tuesday's ballot was "cumbersome." He said the higher filing fee might have
+================================================================================
+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?
+
+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.)
+
+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.
+
+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.
+
+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 = 58; Score = 4587520.0
+<|begin_of_text|>The electronic billboard is on the Command Transportation building near Niles Center Road.
+
+Friday's epic USA versus Canada Winter Olympic hockey matchup highlighted another spat between the two countries involving pop star Justin Bieber.
+
+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."
+
+Bieber, who's Canadian, lives in Los Angeles, but after several high-profile incidents, many Americans have called for the singer to be deported.
+
+Best of the Sochi Olympics: Day 13
+
+Bieber is also infamous among Chicagoans for a controversy he ignited after the Hawks won the Stanley Cup championship last year.
+
+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.
+
+After Canada won the Olympic gold medal game in Sochi, 1-0, the company immediately followed up with a new billboard below.
+
+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
+
+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.
+
+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.
+
+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 = 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.
+
+Everyone loves per-line access fees!
+
+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 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."
+
+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.
+
+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 = 63; Score = 4390912.0
+<|begin_of_text|>Version 0.10.2
+
+Content:
+
+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.
+
+Added a new cosmetic microtransaction effect - Blue Flame Incinerate: Replaces the standard flame of Incinerate with a ghostly blue fire.
+
+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.
+
+Added four new Unique items, three of which were designed by our Diamond Supporters.
+
+Added a new flamethrower ability to Snakes in the Dark Forest.
+
+Monster packs in end-game Map areas have had their size variance increased.
+
+The Solaris/Lunaris Temple tilesets have been improved and should now have higher performance.
+
+Added a new 3v3 PvP arena. One of the other arenas has been disabled temporarily while we fix a problem.
+
+Improved blood effects.
+
+Improved the Ice Spear and Lightning Arrow effects.
+
+Improved the performance of Ground Ice and Ground Tar.
+
+Improved the gem icons to be slightly better from a colour blindness point of view.
+
+Continued to incrementally improve the art, effects and environments.
+
+Features:
+
+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.
+
+We've added a "Lost Password" button to the main menu.
+
+Pressing Ctrl+up in chat allows you to cycle through previous players you've talked to via whisper in this session.
+
+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.
+
+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.
+
+Players in an area are now always granted the quest status of having killed a boss regardless of who killed it.
+
+The performance statistics overlay (F1) can now be bound to other keys.
+
+Audio Changes:
+
+Added PvP announcer audio for various events in matches.
+
+Added personalised introductions for Nessa.
+
+Added a few more Nessa greetings.
+
+Added new Tarkleigh greetings.
+
+Added some improved Marauder combat vocals.
+
+Added improved Marauder comment dialogue.
+
+Added new ranger dialogue and improved some existing ones.
+
+Overhauled the audio of
+================================================================================
+Rank = 64; Score = 4390912.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 = 65; Score = 4390912.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 = 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 = 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 = 68; Score = 4358144.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.
+
+Nicole Bailey, 23, picked up the cash at a branch of One Stop, in Blurton, Stoke-on-Trent, after it was dropped by a customer who withdrew it from a nearby cash machine, police said.
+
+Bailey pleaded guilty at North Staffordshire Justice Centre after seeing CCTV evidence.
+
+Her defence team reportedly argued the case should have been dealt with through a police caution.
+
+Bailey, of Highfield Drive, Blurton, must also pay £20 compensation, a £20 victim surcharge and £135 in court costs.
+
+More updates on this and other stories in Staffordshire
+
+What do you do if you find £20?
+
+The theft occurred on 8 August last year.
+
+Ch Insp Karen Stevenson, from Staffordshire Police, urged anyone who finds lost money to "do the right thing".
+
+"Morally, the right thing to do is hand in any found property so that the person who has lost out has every opportunity to be reunited with it."
+
+"This was someone's hard-earned money and we are committed to supporting all victims in our community."
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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 = 71; Score = 4227072.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 = 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.
+
+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 = 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
+
+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.
+
+"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 decision means prosecutors could now pull the agreement they reached with the defense because it required Smith to resign.
+
+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.
+
+Talon said Smith could be expelled, voted out of office or resign but requiring him to step down “offends the state constitution.”
+
+"You do not have to resign from the Senate," he told Smith, explaining his ruling. "I'm taking that off the plea agreement."
+
+It’s not yet known if Smith will voluntarily resign from office, though some say they expect that to happen.
+
+“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.”
+
+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.
+
+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.
+
+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.”
+
+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.
+
+“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.
+
+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.
+
+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.
+
+“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.”
+
+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
+================================================================================
+Rank = 75; Score = 4128768.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 = 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.
+
+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.
+
+“Changing the electoral system will not be in your mandate,” the prime minister writes in the letter, released Wednesday.
+
+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.
+
+“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.”
+
+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.
+
+The Liberals have since given themselves some wiggle room, saying they would not go ahead without the widespread support of Canadians.
+
+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 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.
+
+The about-face is sure to provoke a passionate response from their political rivals.
+
+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.
+
+“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.”
+
+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.
+
+There are also some big new items in the mandate letter.
+
+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.
+
+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 = 78; Score = 4112384.0
+<|begin_of_text|>Yes, Eric Shinseki had to go, and he probably knew it himself once the horror stories surfaced. As the retired four-star general learned at West Point, the commander is ultimately responsible. While the Veterans Administration has been a managerial bleeding sore for years, the chaos and perhaps criminality at subordinate echelons of the VA on Shinseki’s watch made his survival impossible.
+
+But let’s not forget that Ric Shinseki is not just a highly decorated commander and wounded warrior, losing part of his foot in Vietnam and clawing his way back onto active duty against the wishes of Army brass. He’s a truth-teller of the first rank — and that display of character so enraged the George W. Bush defense team that he encountered some of the shabbiest treatment an officer and a gentleman has ever encountered during my 46 years serving in and hanging around the Pentagon.
+
+It didn’t help his case with the Bushies that Bill Clinton had appointed him Army chief of staff. Moreover, Defense Secretary Donald Rumsfeld, who didn’t enjoy being challenged, quickly took a dislike to Shinseki after several policy and strategy disagreements.
+
+Rummy was so intent on punishing Shinseki out, in fact, that he directed one of his flack-shop acolytes to leak word of his replacement to The New York Times — 15 months before Shinseki’s four-year term was up.
+
+This had the instant effect of rendering Shinseki a lame duck within the E-ring, the Pentagon’s power corridor. It was cheesy, petty, shameful,
+================================================================================
+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:
+
+“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 = 80; Score = 4096000.0
+<|begin_of_text|>Riley Reiff’s Future With Detroit Depends On What Quinn Does In The Coming Months.
+
+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.
+
+Riley Reiff
+
+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.
+
+Decision: Stay
+
+Taylor Decker
+
+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.
+
+Decision: Stay
+
+Corey Robinson
+
+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.
+
+Decision: Stay
+
+Cornelius Lucas
+
+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.
+
+Decision: Go
+
+Possible Offensive Tackle Replacements
+
+Now
+================================================================================
+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.
+
+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 = 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
+
+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 ).
+
+One of the last known photos of
+
+a Formosan Clouded Leopard;
+
+taken by Torii Ryūzō.
+
+The Formosan Clouded Leopard (Neofelis nebulosa
+
+brachyura
+
+) of Taiwan
+
+. 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.
+
+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
+
+(i.e., house cat)
+
+population has increased substantially and, aided by rats and dogs, has likely wiped out the skink.
+
+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.
+
+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.
+
+The Southern Darwin's Frog
+
+(i.e., not the extinct one);
+
+by Mono Andes, Wikimedia.
+
+This year, scientists concluded that the Northern Darwin's
+
+Frog (
+
+Rhinoderma rufum
+================================================================================
+Rank = 83; Score = 4046848.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 = 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.
+
+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.”
+
+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.
+
+“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.
+
+“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.
+
+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."
+
+In a follow-up email, Fitzpatrick noted that she was not the only parent disturbed by the "inclusive" changes.
+
+“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 = 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.
+
+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 = 86; Score = 4014080.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 = 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.
+
+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.
+
+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.
+
+"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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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 = 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’.
+
+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 = 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.
+
+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 = 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:
+
+“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 = 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.
+
+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.
+
+Just one problem: many of these fans are spouting misinformation – and worse, they believe their own nonsense.
+
+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.
+
+Lie #1: Bitcoin is Like Something Else
+
+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.
+
+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.
+
+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.
+
+Lie #2: Bitcoin is Secure
+
+Bitcoin is a cryptocurrency and ‘crypto’ means secure, right? Not so fast. Bitcoin has proven appallingly easy to steal, and even easier to lose.
+
+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.
+
+Lie #3: Bitcoin is Money
+
+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.
+
+Not so with Bitcoin. It’s more of a commodity that acts as a speculative vehicle, while exhibiting few of the properties of money.
+
+At this point, Bitcoin fans
+================================================================================
+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.
+
+Star Wars ending: Voldemort reveals himself to in fact be Harry’s father.
+
+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.”
+
+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.
+
+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.
+
+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
+
+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
+================================================================================
+Rank = 94; Score = 3883008.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 = 95; Score = 3817472.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 = 96; Score = 3768320.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 = 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?
+
+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 = 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.
+
+Online scams have now surpassed phone scams as a source of fraud. ( Shutterstock )
+
+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."
+
+Article Continued Below
+
+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
diff --git a/examples/openwebtext/files/database.txt b/examples/openwebtext/files/database.txt
new file mode 100644
index 0000000..c11e132
--- /dev/null
+++ b/examples/openwebtext/files/database.txt
@@ -0,0 +1,2212 @@
+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 cosponsored 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/doctor.txt b/examples/openwebtext/files/doctor.txt
new file mode 100644
index 0000000..3fb6415
--- /dev/null
+++ b/examples/openwebtext/files/doctor.txt
@@ -0,0 +1,1784 @@
+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|>
+================================================================================
+Rank = 4; Score = 444416.0
+<|begin_of_text|>Gay, bi or straight, people are having same-sex experience in their lifetime.
+
+More American men and women are identifying as bisexual, reports a recent publication by the Centers for Disease Control and Prevention.
+
+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.’
+
+Over 9,000 adults’ interview results were used to churn out the end statistics.
+
+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.
+
+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 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 = 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.
+
+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.
+
+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?
+
+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.
+
+The photograph above shows the various tools used in forestry and the difference between men and womens sized boots.
+
+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.
+
+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.
+
+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.
+
+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 = 7; Score = 432128.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 = 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.
+
+“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 = 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.
+
+“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 = 10; Score = 413696.0
+<|begin_of_text|>Nasa
+
+Mycorrhizal fungi are more like cities than individual plants; these are complex systems which stretch for miles underground in search for nutrients.
+
+So massive and impactful are they, Nasa has now been able to identify them from space.
+
+Advertisement
+
+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."
+
+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 = 11; Score = 387072.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 = 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.
+
+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.
+
+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.
+
+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 = 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.
+
+Stalemate: The Current State of Affairs in the War Of The Sexes
+
+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.
+
+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.
+
+"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
+
+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 = 14; Score = 372736.0
+<|begin_of_text|>Uploaded by jonbone17 on Feb 18, 2007
+
+An inside look at Hoa Lo Prison, which American POWs nicknamed “Hanoi Hilton” in the 1960s
+
+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.
+
+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.
+
+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.
+
+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.
+
+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…
+
+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.
+
+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.
+
+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
+================================================================================
+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.
+
+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.'
+
+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.
+
+Anna Kournikova. EPA/Gerry Penny
+
+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.
+
+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.
+
+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:
+
+That's not a problem for athletic women, it's a gigantic victory.
+
+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 = 16; Score = 364544.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.
+
+Under the caste system, the Brahmans lived a life of privilege. They were prohibited from manual labour and have the belief that they are inherently of greater moral purity than members of other castes. They alone had control over certain vital religious tasks giving them great power.
+
+Although they were the highest caste, they did not normally hold official political positions (kings and rulers were all of the Kshatriya caste) yet due to their prestige and religious power, Brahmans had great influence over secular affairs from behind the scenes.
+
+At the other end of the spectrum, Sudras were denied the privileges of the higher castes. Because of the degrading work and pitiable occupations to which they were assigned, such as cleaning waste and disposing of contaminated dead animals.
+
+They were considered unclean and not fit to touch or come in contact with anyone of a higher caste, in fact, the untouchable was required to cross the street or get off the road entirely when the occasion demanded so that his shadow would not fall on anyone of the Brahman caste and in fear of contamination.
+
+Women, like Brahmans, also live a life of relative privilege in comparison to men. They have been socialized from an early age to believe that as women they are morally superior to men.
+
+The Brahmans cleverly kept this order by teaching the castes below them that observance of the rules and restrictions of caste without violation constituted the highest religious fulfilment and would make possible being born again into a better life. Thus the duties and obligations of caste were stressed rather than human rights, and through this system Hindu society was kept stable for over three thousand years.
+
+How does this relate to the male hierarchy? I will explain how by
+================================================================================
+Rank = 17; Score = 360448.0
+<|begin_of_text|>Posted by Chewy
+
+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.
+
+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.
+
+“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.”
+
+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.
+
+Below, learn how genetics and sex influences a cat’s coat color, and why some cats don’t fit typical color patterns.
+
+Color in Cats is (Mostly) Linked to Sex
+
+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 = 18; Score = 360448.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.
+
+In what the National Student Genderblind Campaign calls a "rapidly growing collegiate movement," at least 54 colleges and universities across the country, many of them private, provide gender-neutral housing options this year.
+
+"Each year we hear about more campuses adding that as an option," said James Baumann, spokesman for the Association of College and University Housing Officers — International. "I think the changes are a reflection of changing times."
+
+It was such a big deal when Ohio's Oberlin College added co-ed halls in the 1970s that it made the cover of Life magazine. Then, mixed-gender floors became common, Baumann says.
+
+"It's usually a campus responding to a need," Baumann said. "If the student body either overtly expresses a desire for this, or if the housing staff perceives a need for it, that's when they pursue this as an option."
+
+Starting next fall, Catholic University in Washington will move in the other direction, back to single-sex dorms. John Garvey, the university's president, said separating the genders will cut down on binge drinking and casual sex, two forces that are destructive for college students.
+
+Garvey said his institution wants to teach students about virtue, and he sees only ill coming from other colleges' moves toward mixed-gender housing.
+
+"I think it's a bad idea," Garvey said. "I think it's naive to imagine that we're doing a good thing shoving college students together."
+
+At Grinnell, the gender-neutral idea was driven by transgender students, those who don't identify themselves as either male or female, and students transitioning from one gender to the other, students and school officials said.
+
+"It's about creating a safe and welcoming space. It's not about being able to room with your significant other," said Lily Cross, a senior who helped persuade Grinnell officials to offer gender-neutral housing.
+
+Gender-neutral grew from 1% of the school's on-campus housing in 2008-
+================================================================================
+Rank = 19; Score = 358400.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.
+
+Their poor choices were always a problem, but it's become far more acute now that there are so many of them. The over-65 generation does not accurately represent our country, because they are overwhelmingly white and actually vote. So, unfortunately, we're going to have to bar them from voting.
+
+When I ran this idea by my 76-year-old father, he partly agreed. "If a 90-year-old has what you can define as dementia, you can test for it," he said. I explained that I was thinking more of 76. I also explained that the problem wasn't that seniors forget things as much as they remember the world of 60 years ago and want to reproduce it. But one challenge of arguing with older people is that because of all the cable-news watching and Founding Father — book reading, they know more. My dad mentioned stare decisis, using Edmund Burke's argument that society is so complex that radical change often has horrible unintended negative consequences such as Napoleon, communism and that horrible rap music.
+
+He also argued that experts are often wrong: In 1980, pundits thought a movie star shouldn't be President; during the Great Recession, economists were sure the Fed's expansionary monetary policy would lead to inflation. "We might think that the England they voted for isn't going to do very well in the world. But we don't know that," he said. And said. And said.
+
+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
+<|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 = 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.
+
+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 = 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.
+
+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 = 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.
+
+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 = 24; Score = 344064.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.
+
+“Hey, a lot of people go to college for seven years,” says Chris Farley’s character in the ‘90s hit comedy Tommy Boy.
+
+“I know,” replies David Spade’s Richard. “They’re called doctors.”
+
+Charlotte Hornets forward Marvin Williams is not a doctor. He’s a jock, and he always has been. In 2004, the 18-year-old was a five-star high school recruit ranked 11th in the country. He was named to Washington’s All-State team and found himself on several All-American rosters, including the most prestigious one organized by McDonald’s. Naturally, he found his way to UNC, where in his first year he teamed up with studs like Raymond Felton, Rashad McCants and Sean May en route to the 2005 NCAA National Championship.
+
+That summer, after only one season playing college ball, Williams was made the No. 2 overall selection in the 2005 NBA Draft. Being drafted that high meant that the 19-year-old would bank around $10.5 million by the time the rest of his fellow UNC freshmen graduated college three years later. Most people that age would take eight figures’ worth of salary and kiss college goodbye forever.
+
+Williams did not. He continued to pursue his degree.
+
+“It took me 10 summers,” Williams told Basketball Insiders. “I only had one year of academics under my belt when I left Chapel Hill [in 2005], so it literally took me 10 summers to finish.”
+
+In other words, Williams started his summer courses in 2005 after declaring for the NBA Draft, was then the second overall selection in late June, and went ahead and finished up his coursework before beginning his rookie campaign in Atlanta.
+
+“I didn’t waste any time,” he chuckled, remembering that hectic time in his life. “I know myself well enough to know that if I would have stepped away for just even a semester, it would have been more difficult to go back. So I just hung straight in there and kept going.”
+
+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
+<|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)
+
+One summer morning in 2006, Jean-Louis Courjault found two dead babies in his freezer. The 40-year-old was trying to find space for some mackerel when he opened a drawer and saw something unusual wrapped in a towel. “I open it,” he later recounted in court. “I see a hand.” In the next drawer there was a second bundle: “I open it and I see that it is also a baby.”
+
+ADVERTISEMENT Thanks for watching! Visit Website
+
+Courjault retreated to the living room in shock. He and his family had moved from France to Seoul, the South Korean capital, four years earlier. As an engineer, Courjault was often away for months on business while his wife, Veronique, 38, looked after their two sons and volunteered at a local kindergarten. That summer, Veronique had taken the boys to France, and Jean-Louis was left alone. “I have to call the police but I do not know their number,” he later remembered. “I can barely say my address, I do not know how to say baby, I do not know how to say freezer.” Jean-Louis phoned a Korean colleague who contacted the police.
+
+The case was shocking, but what followed made it a national sensation in France. DNA tests found that the dead infants belonged to the Courjaults. Jean-Louis and Veronique held hands during a press conference and denied all responsibility, but after further tests confirmed the results the couple was arrested, and Veronique confessed. She had concealed both pregnancies from her husband. Each time she had labored alone in a bathroom and then suffocated the child before hiding it in the freezer. A third baby had been born, she added, while the couple was still in France in 1999—Veronique burned the body in the fireplace. The “affaire des bébés congelés,” or “freezer babies affair,” gripped France for months.
+
+ADVERTISEMENT Thanks for watching! Visit Website
+
+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
+<|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 = 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.
+
+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?
+
+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.
+
+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.
+
+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.
+
+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 = 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.
+
+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.
+
+Other wooden phones have been designed, that are interesting to compare. I think the Maple Phone is the most elegant, though.
+
+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.
+
+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 = 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”.
+
+# Include August 14, Pakistan’s Independence Day, in the list of national holidays. This day should be celebrated as “Akhand Bharat Smriti Divas”.
+
+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”.
+
+Advertising
+
+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
+
+sexual violence during riots in Ahmedabad.
+
+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.”
+
+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 = 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
+
+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 = 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.
+
+© 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.
+
+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.
+
+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.”
+
+“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.”
+
+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.
+
+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 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.
+
+Thus goes the “James Harden Shuffle,” a defensive dance featuring minimal movement and maximal ball watching.
+
+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.
+
+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.
+
+It’s a dance for all occasions, featuring moves such as the “Wraparound Slap-Around.”
+
+Screenshots via YouTube
+
+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.
+
+Unfortunately, Harden’s dance moves might be holding him back.
+
+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.
+
+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.
+
+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.
+
+Don’t be surprised if Harden throws out a shoulder trying to wrap up Damian Lillard.
+
+Tweet me with your favorite Harden moves.
+
+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.
+
+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.
+
+(More here. Needless to say, this latest assault on the right to dissent has not received much coverage in the corporate media.)
+
+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.
+
+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.
+
+Note
+================================================================================
+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.
+
+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.
+
+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.
+
+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.
+
+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 = 41; Score = 307200.0
+<|begin_of_text|>Pakistani textbooks are mostly anti-Hindu & anti-Indian under the influence of Quranic teachings.
+
+Pak Textbooks are anti-Hindu… anti-Indian…
+
+Pakistani textbook controversy: They think something, tell different and do harrowing.
+
+“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.
+
+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.”
+
+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.
+
+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 = 42; Score = 305152.0
+<|begin_of_text|>Geography Is Dynamic. Let’s break this down a bit.
+
+Geography – The study of the physical features, atmosphere, and the human-environmental interaction of the Earth.
+
+Dynamic – Constantly changing.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+#GeographyIsDynamic
+
+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 = 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.
+
+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.
+
+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 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.
+
+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.
+
+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.
+
+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.
+
+Mobes and fondleslabs, ARM. Gaming rigs, x86. Got it. Where does Google and Facebook fit in?
+
+Consumer-serving web giants spend billions a year on
+================================================================================
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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 = 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.
+
+"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.
+
+So what makes a woman "stereotypically feminine?"
+
+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."
+
+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).
+
+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.
+
+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 = 46; Score = 303104.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 = 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.
+
+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.
+
+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.
+
+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 = 48; Score = 299008.0
+<|begin_of_text|>Migrant workers offend Republicans by being productive members of society. (Zenpix/Dreamstime.com)
+
+Migrant workers offend Republicans by being productive members of society. (Zenpix/Dreamstime.com)
+
+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.
+
+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.
+
+Alabama farmers are getting killed by a new draconian law that has chased thousands of undocumented immigrants out of the state.
+
+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.
+
+This is the same problem that Georgia farmers face, as that state cracks down on undocumented immigrants. As one Georgia farmer laments,
+
+“You can’t find legal workers,” Horner said. “Basically they last a day or two, literally.”
+
+The results have been brutal for farmers in Georgia:
+
+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.
+
+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.
+
+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."
+
+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.
+
+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."
+
+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.
+
+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.
+
+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.
+
+“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 = 51; Score = 294912.0
+<|begin_of_text|>Testers need to learn to code *. Period.
+
+And here’s why.
+
+The market demands it and the supply is arriving.
+
+As a hiring manager I’ve personally seen a massive increase in the number of testers who can now code. They may not be able to write production grade feature code, or automated tests, but they can write scripts to help them test, or they can write a small app that will inject data or they can extend an Open Source tool to make it work for their needs.
+
+They can basically dig deeper than what you see on the screen, do more with automation and do a more varied set of testing by using tools and code. I see this as a positive thing – I know some people may not.
+
+There is also a growing number of developers who are moving in to a technical testing capacity and learning how to do good exploratory testing and test planning. The market is buoyant for testers who code (and who know how to sell themselves) and it’s good for hiring managers. It’s quite rare now for me to find a tester who isn’t coding, or at least really focused on learning it.
+
+In a nutshell the market is now being supplied with these once elusive testers who can code.
+
+You could of course replace “learn to code” with “learn to do security testing” or “learn to do performance testing” but the reality is that most of these niches also require coding or scripting experience. It’s rare to find a tool that pops out of a box and does what you want it to do – despite what many of the tool vendors sales people will tell you.
+
+To ignore the shift in the market is to leave yourself at a disadvantage when trying to get a job.
+
+Whether you believe that coding is essential to being a good tester or not will soon become an irrelevant moral viewpoint. Testers now need to remain relevant to those with jobs, and those people with jobs for offer are starting to get multi-skilled testers (or T-Shaped as I call them) applying.
+
+Instead of investing energy in fighting the inevitable train of change it might be worth spending that time learning to script, or carving out a niche in another aspect of testing (security, usability, off-shoring, test management etc), or resigning yourself to being outpaced in job applications.
+
+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.”
+
+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 = 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).
+
+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 = 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.
+
+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 = 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.
+
+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.
+
+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.
+
+There was "anger, resentment," especially by employees who "sacrificed that work/life balance to keep things going here," said the employee.
+
+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.
+
+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.
+
+"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.
+
+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.
+
+Once the initial shock passed, Hertz IT employees had to make difficult choices.
+
+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]
+
+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.
+
+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 = 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.
+
+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."
+
+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."
+
+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.
+
+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.
+
+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 = 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.
+
+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.
+
+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.
+
+Apparently, Tokyo hopes that some of these Indian engineers will opt to stay with Japanese firms beyond the internship time.
+
+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.
+
+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.
+
+In fact, Indians are better off home. New Delhi is better prepared than Tokyo to attract and retain talent.
+
+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.
+
+Country Capacity to attract talent Capacity to retain talent Japan 77 38 India 22 32
+
+Source: World Economic Forum
+
+Fund/ETF 12-month Performance iShares MSCI Japan (EWJ) 15.07% iShares India (NDY) 20.76
+
+Source: Yahoo.finance.com 6/30/2017
+
+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.
+
+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.
+
+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?
+
+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.
+
+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.
+
+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.
+
+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].
+
+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 = 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 )
+
+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.
+
+Article Continued Below
+
+“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.
+
+Saturday, after sundown.
+
+Sunday morning.
+
+Article Continued Below
+
+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.)
+
+Check out the top 10 offenders. And watch for a lot more Republicans to join the club as we head toward the 2012 election.
+
+Photo: lukexmartin10. Scott Brown
+
+U.S. senator from Massachusetts
+
+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.”
+
+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 = 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.
+
+Ikke i indvandrere og danskere. Når der tales om problemer i samfundet, så er det problemer blandt den mandlige del af befolkningen.
+
+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.
+
+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.
+
+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.
+
+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.
+
+Kriminalitet er et kønsbestemt problem, et mandeproblem. En ekstrem mandlig adfærd.
+
+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.
+
+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.
+
+RELATED: 87 year old Winnipeg cyclist identified as victim of Friday’s crash
+
+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.
+
+“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.”
+
+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.
+
+“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.”
+
+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.
+
+WATCH: Life is cheap: Trudi Mason recounts harrowing story of losing her friend to a pickup truck
+
+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.
+
+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.
+
+“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.”
+
+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.
+
+But now a set of studies from China shows polar bear hairs are much more than simple tiny tubes.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+The studies -- the latest in a series on the same subject by the same group of Chinese researchers -- are not mere academic exercises.
+
+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.
+
+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.
+
+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|>
+================================================================================
+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.
+
+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.
+
+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.
+
+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!
+
+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.
+
+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.
+
+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.
+
+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 = 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.
+
+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.
+
+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.
+
+[ Now read 20 hot jobs ambitious IT pros should shoot for. ]
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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."
+
+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.
+
+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.
+
+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.
+
+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 = 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.
+
+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.
+
+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.
+
+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.
+
+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
+
+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.”
+
+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.
+
+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.”
+
+Contaminated water from North Dakota has the potential to hit twelve states, all the way to Louisiana, wreaking havoc across America’s heartland.
+
+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 = 73; Score = 282624.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 = 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.
+
+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.
+
+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.
+
+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.
+
+The Ministry of Foreign Affairs of Greece issued a note of condemnation regarding the celebrations:
+
+“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.
+
+“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.”
+
+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.
+
+According to the High Commission of the Republic of Cyprus in London,
+
+“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.”
+
+Another preparation for
+================================================================================
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+"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.
+
+"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."
+
+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.
+
+Related Story Smart cities, smoother lives through digital connectivity
+
+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.
+
+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.
+
+"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."
+
+Recent versions of software are even able to automatically spot and highlight these conflicts.
+
+NEW WAYS OF SEEING
+
+Admittedly, a lot of work must be done upstream to save time on site.
+
+Fast Forward series
+
+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 = 78; Score = 276480.0
+<|begin_of_text|>Delhi Metro rides will be costlier from Wednesday, and then again in October.
+
+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.
+
+The 15-km slab, which has been raised from Rs 18 to Rs 30, is likely to hurt daily commuters the most.
+
+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.
+
+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 are unable to view the calculator, click here
+
+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|>
+================================================================================
+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.
+
+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.
+
+“Stalking my boyfriend to show up with my kids was the last straw,” Glanville tweeted.
+
+Now, Cibrian, 43, is telling his side of the story.
+
+“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.”
+
+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.”
+
+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.”
+
+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.
+
+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.
+
+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 = 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.
+
+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.
+
+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.
+
+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?”
+
+The answer, revealed this week, is more basic that you might think.
+
+“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.
+
+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.
+
+“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.
+
+“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.
+
+“In the absence of sex, populations accumulate deleterious mutations through a ratcheting effect where each new mutation takes a population closer to extinction.
+
+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.
+
+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.
+
+“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.
+
+By contrast, populations where males had to compete for female attention maintained population health and avoided extinction
+================================================================================
+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.
+
+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?
+
+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.
+
+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.
+
+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 = 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)
+
+Clashes erupted in Jerusalem at the al-Aqsa mosque, known as the third-holiest site in Islam.
+
+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.
+
+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.
+
+"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.
+
+According to reports, 100 Israelis stormed the courtyard and used rubber bullets to disperse crowds.
+
+RELATED:
+
+Live blog: Israel continues to invade Gaza
+
+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 = 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
+
+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
+================================================================================
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+They are also more likely to agree with the sentiment that divisions in the United States are deeper than in the past.
+
+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.
+
+Related: Rupert Murdoch speaks out about contract talks with Megyn Kelly
+
+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.
+
+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.
+
+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.
+
+If Clinton is elected president, Fox's audience will expect more of the same.
+
+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.
+
+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.
+
+The Suffolk pollsters ask: "What TV news or commentary source do you trust the most?"
+
+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
+================================================================================
+Rank = 87; Score = 266240.0
+<|begin_of_text|>President's smoking more likely to cause daughter's health problem than climate change.
+
+President Obama and daughter Malia last month. (Photo11: Butch Dill, AP)
+
+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.
+
+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.
+
+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."
+
+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.
+
+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.
+
+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.
+
+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.
+
+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
+================================================================================
+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.
+
+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 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.
+
+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?
+
+(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.
+
+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.
+
+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.
+
+Anti homeless floor studs. So much for community spirit :( pic.twitter.com/Yz8VF7Ryid
+
+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.
+
+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.
+
+1. Why can't you get a job like everyone else?
+
+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.
+
+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.
+
+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.
+
+2. How do you not have housing by now if you've been panhandling?
+
+The idea that panhandlers
+================================================================================
+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."
+
+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 = 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.
+
+Shishe means “glass” in Farsi, a reference to the appearance of the drug in some of its purest forms.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+“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.
+
+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.
+
+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.
+
+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.
+
+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.”
+
+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
+================================================================================
+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.
+
+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.
+
+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.
+
+Equal Equivocation
+
+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.”
+
+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.
+
+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.
+
+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.
+
+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 = 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.
+
+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
+
+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.
+
+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.
+
+Without a 4K media landscape to latch onto, however, Toshiba instead has to position this device as a creative
+================================================================================
+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.
+
+Alec Baldwin
+
+Image Source
+
+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.
+
+Jay-Z
+
+Image Source
+
+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!
+
+Kanye West
+
+Image Source
+
+“Kanye West does not care about poor people,” – every person on earth.
+
+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…
+
+Russell Simmons
+
+Image Source
+
+Author of the grotesquely titled Super Rich: A Guide To Having It
+================================================================================
+Rank = 96; Score = 259072.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."
+
+Kit de Waal, published her first novel, My Name is Leon, in 2016 at the age of 55. She has already put her money where her mouth is - using part of the advance she received from Penguin to set up a creative writing scholarship in an attempt to improve working class representation in the arts.
+
+Kit knows that - as a writer from a working class background - the success of her debut novel is a rare occurrence. Born to a Caribbean bus driver father and an Irish mother (a cleaner, foster carer and auxiliary nurse), Kit grew up in Birmingham and left school at 15 with no qualifications. She became a secretary with the Crown Prosecution Service and went on to have a career in social services and criminal law.
+
+In this feature she explores an issue that is deeply personal to her. She looks back at her own life and trajectory, and takes the listener on a journey around the country to find out what the barriers really are to working class representation in British literature today.
+
+"There is a difference between working class stories and working class writers. Real equality is when working class writers can write about anything they like - an alien invasion, a nineteenth century courtesan, a medieval war. All we need is the space, the time to do it - oh yes, and some way to pay the bills!"
+
+Kit talks to a range of writers, agents and publishers about what the barriers are for writers from working class backgrounds, including Tim Lott, Andrew McMillan, Gena-mour Barrett, CEO of Penguin Random House UK Tom Weldon, Julia Bell, Julia Kingsford, Ben Gwalchmai, Nathan Connolly and Stephen Morrison-Burke (Birmingham poet laureate and the first recipient of the Kit de Waal scholarship).
+
+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’
+
+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 = 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.
+
+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.
+
+And I was hooked from the first page, and horrified as that bleak and terrifying world revealed itself, page by page.
+
+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.
+
+And that’s just the beginning. It’s a truly harrowing world that Atwood has created.
+
+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.
+
+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.
+
+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.
+
+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.
+
+“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.”
+
+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
+
+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
diff --git a/examples/openwebtext/files/factor_arguments.json b/examples/openwebtext/files/factor_arguments.json
new file mode 100644
index 0000000..f4877ac
--- /dev/null
+++ b/examples/openwebtext/files/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": 1,
+ "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_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/inflation.txt b/examples/openwebtext/files/inflation.txt
new file mode 100644
index 0000000..89efa92
--- /dev/null
+++ b/examples/openwebtext/files/inflation.txt
@@ -0,0 +1,2112 @@
+Query Sequence:
+Prompt: Inflation is typically measured by; Completion: the Consumer Price Index (CPI).
+
+Top Influential Sequences:
+================================================================================
+Rank = 0; Score = 3899392.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 = 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
+<|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 = 3; Score = 3096576.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 = 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
+<|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 = 6; Score = 2506752.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 = 7; Score = 2342912.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 = 8; Score = 2277376.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 = 9; Score = 2195456.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 = 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.
+
+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 = 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.
+
+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.
+
+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 = 13; Score = 1703936.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 = 14; Score = 1581056.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.
+
+However, the Bank of Canada doesn’t actually target economic growth; it targets inflation and nothing more. It wants inflation to run at between 1% and 3%,with all other concerns—from ballooning household debt to employment rates—being secondary to this overriding concern. The bank uses three special inflation measures (CPI-Common, CPI-Median and CPI-trim, which you can read all about here) that attempt to remove the more volatile aspects of the Total Consumer Price Index. I’ve averaged all three together in the chart below to simplify things.
+
+But here’s the trouble. Despite a decent first quarter of GDP growth, the Bank of Canada’s preferred inflation measures are averaging an 18-year low as of May 2017! You’d have to go back to March 1999 to get a lower average inflation rate. Ever since 2010, the bank’s key inflation measures have been nowhere near 3%, or the top of their stated range. In fact, the average inflation rate since 2010 has been only 1.6%, much closer to the bottom of the range than the top. The bank’s inflation measures have been falling steadily over the past 12 months. If anything, the rate of inflation is too low.
+
+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
+<|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.
+
+Britain’s economy was barely ruffled last year by the shock vote to leave the EU. But the steady rise in inflation since then, combined with weak wage growth, has slowed its momentum this year.
+
+The opposition Labour Party on Tuesday sought to highlight rising costs for voters as it launched its policy proposals for the June 8 election, pledging a higher minimum wage and state involvement in the energy sector to keep prices down.
+
+Last week, Bank of England (BoE) Governor Mark Carney warned 2017 will be challenging for consumers, with inflation now almost certain to overtake wage growth.
+
+“The last thing Britain needs is another real wage slump. But rising prices are hammering pay packets,” Trades Union Congress General Secretary Frances O’Grady said.
+
+Prime Minister Theresa May called the snap election last month to strengthen her mandate to negotiate Britain’s exit from the European Union. But living standards are a big campaign issue, pushing her party into a promise to cap energy prices that breaks with its usually pro-market agenda.
+
+Despite the rise in inflation, however, the economy is far from overheating, and all but one of the BoE’s eight policymakers voted last week to keep interest rates on hold.
+
+Prices are displayed on a store window in London, Britain May 16, 2017. REUTERS/Neil Hall
+
+AIRFARES SWING IN EASTER
+
+The latest inflation figures were boosted most of all by rising airfares during the Easter holidays which last year took place in March. Rising clothing prices, higher car tax and electricity also pushed up consumer prices.
+
+Many economists see more inflation ahead.
+
+“We remain convinced that the market is underestimating the further upside for inflation from here,” Scotiabank analyst Alan Clarke said. He expects utility bills, food costs and the weak pound to put more pressure on prices in future.
+
+Sterling briefly spiked to its highest in almost a week against the dollar before falling back. GBP=D4
+
+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
+<|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.
+
+And with inflation averaging 3.5%, instead of the government's target 2% rate, high inflation will remain "a permanent fixture", says the Ernst & Young Item Club.
+
+This has had a "corrosive impact on the UK economy", the report concludes, as household spending power has shrunk.
+
+The group does not expect inflation to dip below 2.5% before 2017.
+
+Consumers have been struggling to cope with food prices that have risen 40% since 2007, as well as rising fuel and education costs. The UK High Street has suffered as a result.
+
+Despite the economic impact, Carol Astorri, the Club's senior economic adviser said: "It could have been worse. Our modelling shows the [Bank of England's Monetary Policy Committee] were right to stick to their guns, allowing inflation to overshoot and avoid tightening monetary policy.
+
+"The alternative scenario would have seen interest rates rise by 3.5% in 2011, choking off the recovery even earlier and adding an additional 625,000 people to UK dole queues."
+
+The report forecasts that the consumer prices index will rise to 3% over the summer, but fall back to 2.5% by the autumn, as energy bills and food prices stabilise.
+
+Mark Gregory, Ernst & Young's chief economist, said: "With consumer spending continuing to be curbed by rising costs and only set to improve gradually, retailers will need to battle harder than ever to win the war for our wallets."
+
+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
+
+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 = 1425408.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 = 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
+<|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 = 21; Score = 1384448.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 = 22; Score = 1351680.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 = 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.
+
+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
+<|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 = 25; Score = 1220608.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 = 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.
+
+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 = 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.
+
+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 = 28; Score = 1105920.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 = 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.
+
+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 = 30; Score = 1048576.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.
+
+To help counterbalance the hit, President Obama is calling on Congress to send another $250 relief payment to seniors and other Americans to stem the economic strain.
+
+"Even as we seek to bring about recovery, we must act on behalf of those hardest hit by this recession," Obama said in a statement Wednesday. "That is why I am announcing my support for an additional $250 in emergency recovery assistance to seniors, veterans, and people with disabilities to help them make it through these difficult times."
+
+Last year, Social Security beneficiaries got a 5.8% cost-of-living adjustment, the largest since 1982, largely because of the spike in energy prices.
+
+"This year, in light of the human need, we need to support President Obama's call for us to make another $250 recovery payment for 57 million Americans," said Commissioner of Social Security Michael J. Astrue in a written statement.
+
+Since there will be no COLA for benefits, the law also prohibits the Social Security Administration from increasing the maximum amount of earnings subject to the Social Security tax. This year and next, the first $106,800 of a worker's earnings is subject to the 12.4% Social Security tax. Workers typically pay half of that and their employers pay the other half.
+
+It's still not clear yet what if any changes will be made to seniors' Medicare Part B premiums for hospital care next year. The Social Security Administration said in its announcement that if there is an increase that a "hold harmless" provision in the law would protect 93% of Social Security beneficiaries from the increase.
+
+New emergency payment similar to COLA
+
+Obama's proposed $250 payment is roughly equal to a 2% increase in benefits for the average Social Security beneficiary.
+
+Congress approved a similar payment as part of the $787 billion economic recovery act enacted in February.
+
+As with the first $250 recovery payment, the second one would be exempt from income tax, a senior administration official said in a call with reporters on Wednesday.
+
+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
+<|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.
+
+Since the dawn of computing, scientists have used data analytics in an effort to predict and simulate the weather and related atmospheric events. In the early years of weather forecasting, scientists might have used standard central processing units (CPUs). With each passing year, the continued expansion in the capabilities of high performance computers has enabled researchers to employ increasingly sophisticated computational methods for the analysis and modeling of weather patterns. Advanced scientific computers break problems down into composite parts and perform immense amounts of mathematical calculations simultaneously. The performance of a supercomputer is measured in floating-point operations per second (FLOPS). Some of the latest supercomputers are capable of performing quadrillions of FLOPS.
+
+In the abstract of their presentation, the winning team writes, “On the road to the seamless weather-climate prediction, a major obstacle is the difficulty of dealing with various spatial and temporal scales. The atmosphere contains time-dependent multi-scale dynamics that support a variety of wave motions.”
+
+To simulate the vast number of variables inherent in a weather system developing in the atmosphere, the winning group presents a highly scalable fully implicit solver for three-dimensional nonhydrostatic atmospheric simulations governed by fully compressible Euler equations. Euler equations are a set of equations frequently used to understand fluid dynamics (liquids and gasses in motion).
+
+Elaborating further, they add, “In the solver, we propose a highly efficient domain-decomposed multigrid preconditioner that can greatly accelerate the convergence rate at the extreme scale. For solving the overlapped subdomain problems, a geometry-based pipelined incomplete LU factorization method is designed to further exploit the on-chip fine-grained concurrency.”
+
+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.
+
+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 = 33; Score = 966656.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 = 34; Score = 962560.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
+
+If we look at incomes and car sales we find that households are simply purchasing cars by borrowing from the future:
+
+The Fed consumer credit report merely confirms what we suspect. The dramatic jump in auto buying isn’t coming because households are suddenly wealthier but because consumer debt is booming once again. Cars are not “good” assets and unfortunately, many Americans need to grow their net worth but adding a depreciating vehicle on your balance sheet isn’t exactly a smart plan.
+
+The consumer credit report shows that 95 percent of consumer debt growth in the last 12 months has come in the form of auto loans and student debt:
+
+Source: ZeroHedge, Fed
+
+When you factor in the reality that student debt is now the largest debt market outside of mortgage debt, you realize that many young Americans are saddling their lives in the red even before they begin their working careers.
+
+Total student debt in the US is well over $1.2 trillion as measured by new Fed data:
+
+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
+<|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.
+
+Discounts are not expected to be especially attractive this year. What is driving the surge in shopping is much stronger consumer confidence. In October, consumer sentiment hit a 13-year high. That cooled slightly but remained above economist expectations in November, signaling that the surge has staying power. Consumers indicate that they feel good about their current financial situation as well as their expectations for the future. Certainty about the outlook for income, employment, and inflation are all vastly improved from past years.
+
+Overall, consumer sentiment is around five percent higher than it was the previous November, according to the University of Michigan’s consumer sentiment survey. Deloitte projects that holiday shopping will rise between 4 percent last year and 4.5 percent this year.
+
+Another plus for retailers: moderate weather. It is chilly in much of the country but not frigid. The sun is literally shining across almost all of the United States on the day after Thanksgiving. That will likely drive many people out of their homes and into shopping malls.
+
+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.
+
+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 = 37; Score = 913408.0
+<|begin_of_text|>Price to Earnings Ratio (P/E)
+
+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.
+
+What Price-Earnings Ratio Represents
+
+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.
+
+What the Ratio is Telling Us
+
+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 = 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."
+
+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 = 39; Score = 880640.0
+<|begin_of_text|>0
+
+I sat on the porch
+
+Listened to the rain
+
+Smoked a cigarette
+
+And counted to ten Oh no, here it comes again
+
+That funny feeling ― Camper Van Beethoven, Oh No! (1985)
+
+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.
+
+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.
+
+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 = 40; Score = 868352.0
+<|begin_of_text|>A gyro rotor | NASA
+
+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.
+
+Here are five of the most symmetrical objects humans have ever crafted, and why they were so hard to make.
+
+Strikingly symmetrical pieces of ear jewelry, alleged to be centuries old, have been seized on by conspiracy theorists.
+
+Gravity Probe B quartz gyroscope rotors
+
+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.
+
+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.
+
+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.
+
+Avogadro Project silicon kilogram
+
+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.
+
+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.
+
+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.
+
+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)
+
+“We have tried to grasp and interpret these tales as purely as possible. In many of them one will find that the
+================================================================================
+Rank = 42; Score = 819200.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.
+
+“When we talk about helping the poor, and doing all of these social things, I don’t know that we’re actually doing them a service. I think we’re actually doing them more of a disservice by doing all these handouts,” he said.
+
+“Hand-ups, to a certain degree, yes has some benefit,” Chabot said. “But struggle and success, I think, is just as valuable an education to help people become self-sufficient.”
+
+Chabot’s own struggle, in his words, went something like this: He grew up on a farm in Saskatchewan. Moved to Calgary in 1971 and soon took a job in construction. Worked his way through DeVry while raising three kids with his wife, who also worked part-time.
+
+“I did this on my own. I didn’t need to have somebody help me. If anything, it just encouraged me to even be better,” Chabot said.
+
+“Now, if somebody would have said, ‘OK, well you can go on pogie (welfare) while you go to school,’ I would have been, ‘Heh, I can just sit back and have a couple of beers, I don’t have to work now.’ Would that have made me a better man? I don’t think so.”
+
+In recent years, the city has made strides to make it easier for low-income Calgarians to access subsidized programs and services, such as recreation centre fee assistance, property tax assistance, basic home maintenance services for seniors and discounted transit passes through its Fair Entry program.
+
+Applicants are only eligible for the subsidy if the entire household income is at or below Statistics Canada’s low-income cutoff (about $24,000 for a single person and $45,000 for a household of four).
+
+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.
+
+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 = 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.
+
+Announcement of Consultations
+
+Information for Consumers
+
+Overview of Consultations
+
+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.
+
+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.
+
+Interested stakeholders were able to provide submissions to the Department of Health by 4 December 2015.
+
+An issues paper was developed to guide the roundtables and submissions.
+
+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]
+
+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 = 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.
+
+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.
+
+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.
+
+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.
+
+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.”
+
+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.
+
+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.
+
+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.
+
+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|>
+================================================================================
+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
+
+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 = 51; Score = 761856.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 = 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.
+
+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 = 53; Score = 753664.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 = 54; Score = 745472.0
+<|begin_of_text|>BRITISH PRIME MINISTER Theresa May has raised the country’s terror threat level from severe to critical.
+
+Critical is the highest level possible in the UK and means that an attack is “expected imminently”.
+
+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.
+
+Prime Minister Theresa May said that the decision had been made following investigations today.
+
+“It has now been concluded that the threat levels should be increased for the time being.
+
+“This means that [the JTAC's] assessment is not only that an attack is highly likely, but that another attack is imminent
+
+“It is a possibility we cannot ignore that there is a wider group of individuals linked to this attack.”
+
+May added that military personnel will be deployed to Britain’s streets to support armed police officers under Operation Tempora.
+
+Armed personnel will be visible at big events such as concerts and sporting events, she said.
+
+Attack
+
+Source: PA Wire/PA Images
+
+The move comes as 22 people were confirmed dead after last night’s suicide bomb attack on an Ariana Grande concert in Manchester.
+
+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 = 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]
+
+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 = 56; Score = 745472.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 = 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!!
+
+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.
+
+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.
+
+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.
+
+Resource Collection Rate (Income) Average Unspent Resources Spending Quotient {{ sq }}
+
+Grandmasters and pros get SQ around 100, and bronze leaguers get 40 or 50.
+
+However, when you get the data together for over 100,000 games*, the fuller picture emerges:
+
+
+================================================================================
+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
+
+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).
+
+The city's strong currency combined with the high cost of running a car and soaring utility bills contributed to Singapore topping the list.
+
+It is also the most expensive place in the world to buy clothes.
+
+Singapore replaces Tokyo, which topped the list in 2013.
+
+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.
+
+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.
+
+Top 5 most expensive cities Image copyright Getty Images Singapore, Singapore Paris, France Oslo, Norway Zurich, Switzerland Sydney, Australia
+
+Soaring Asia
+
+The top 10 cities this year have been dominated by Asian and Australasian cities as well as some in Europe.
+
+"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.
+
+"But Asian cities also continue to make up many of the world's cheapest, especially in the Indian subcontinent."
+
+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.
+
+Inexpensive India
+
+However, not all Asian cities are tough on the wallet.
+
+India's major cities - including Mumbai and New Delhi - were found to be among the least expensive in the world.
+
+Mumbai's prices are kept low by large income inequality.
+
+The low wages of many of the city's workers keep spending low, and government subsidies have helped them stay that way.
+
+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.
+
+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
+
+While the EIU's survey takes into account the cost of living, other firms employ different research methods.
+
+Mercer conducts research to determine the most expensive cities for
+================================================================================
+Rank = 63; Score = 716800.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 = 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.
+
+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%.
+
+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 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.
+
+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”.
+
+“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 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.
+
+“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.
+
+She said the government would now consult NGOs
+================================================================================
+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.
+
+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.
+
+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.
+
+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.
+
+These rising costs and possible tightening regulation of greenhouse gas emissions are not necessarily a bad thing, he said.
+
+“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.”
+
+LESS PLASTIC
+
+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.
+
+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.
+
+But the changes may need to go deeper and wider, he said, spreading to the basics of how supply chains are managed.
+
+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
+
+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 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.
+
+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.
+
+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.
+
+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
+================================================================================
+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.
+
+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.
+
+Market Demand Curves Don’t Slope Downwards
+
+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.
+
+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 = 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.
+
+“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.
+
+“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 = 69; Score = 688128.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.
+
+Here’s a typical example:
+
+function draw ( ) { // Drawing code goes here } setInterval ( draw, 100 ) ;
+
+This piece of code will call the draw function once every 100ms forever and ever, until at some point later the clearInterval function is called. An alternative to this code is to use a setTimeout function instead, this time inside the draw function:
+
+function draw ( ) { setTimeout ( draw, 100 ) ; // Drawing code goes here } draw ( ) ;
+
+The single call to the draw function kicks off the animation loop, and from then on it will call itself repeatedly every 100ms.
+
+Frame rate and setInterval
+
+The smoothness of your animation depends on the frame rate of your animation. Frame rate is measured in frames per second (fps). Film usually runs at 24fps, video at 30fps. The higher this number is, the smoother your animation will look…to a point. More frames, means more processing, which can often cause stuttering and skipping. This is what is meant by the term dropping frames. Because most screens have a refresh rate of 60Hz, the fastest frame rate you should aim for is 60fps. Time for some math!
+
+/** * 1s = 1000ms (remember that setInterval and setTimeout run on milliseconds) * 1000ms / 60(fps) = 16.7ms (we'll round this to 17) */ // Lights, camera…function! setInterval ( function ( ) { animateEverything ( ) ; }, 17 ) ;
+
+What’s wrong with setTimeout and setInterval?
+
+OK, you’ve done this a million times before. What’s wrong with this picture? Well, a few things. Firstly, setTimeout doesn’t take into account what else is happening in the browser. The page could be hidden behind a tab, hogging your CPU when it doesn’t need to, or the animation itself could have been scrolled off the page making the update call again unnecessary. Chrome does throttle setInterval and setTimeout to 1fps in hidden tabs, but this isn’t to be relied upon for all browsers.
+
+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]
+
+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.
+
+Seasons [ edit ]
+
+Winters [ edit ]
+
+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]
+
+Summers [ edit ]
+
+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]
+
+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
+
+(35.4) 2.8
+
+(37.0) 3.2
+
+(37.8) 5.7
+
+(42.3) 9.4
+
+(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
+================================================================================
+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.
+
+I.
+
+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?
+
+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
+
+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 = 74; Score = 675840.0
+<|begin_of_text|>Show full PR text
+
+Consumer Reports Auto Reliability Survey: Ford Continues Fall While Seven Japanese Brands Top List
+
+Audi and Cadillac make major jumps in rankings
+
+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.
+
+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.
+
+"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.
+
+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.
+
+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.
+
+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.
+
+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."
+
+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."
+
+California’s large economy, Villaraigosa said in a Dec. 8, 2016 op-ed in the Sacramento Bee, gives it leverage in any possible showdown.
+
+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.
+
+"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."
+
+"That’s power – power we must use to protect our people against any dangerous policies advanced by a Trump administration," he added.
+
+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.
+
+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.
+
+Our research
+
+A campaign spokeswoman for Villaraigosa pointed us to 2015 GDP figures from the International Monetary Fund.
+
+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.
+
+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.
+
+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."
+
+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.
+
+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 = 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]
+
+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 = 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?
+
+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 = 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.
+
+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 = 80; Score = 655360.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 = 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.
+
+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 = 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.
+
+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.
+
+“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.”
+
+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.
+
+Among the report’s findings:
+
+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.
+
+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.
+
+Data brokers combine online and offline data to market to consumers online.
+
+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 = 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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+Families in this country will also benefit from tax relief to help them with child and dependent care expenses.
+
+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.
+
+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 = 85; Score = 634880.0
+<|begin_of_text|>Andy Blatchford, The Canadian Press
+
+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.
+
+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 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.
+
+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.
+
+The price of lettuce surged 21.8 per cent.
+
+Overall, consumers spent 3.7 per cent more on food last month than the previous year.
+
+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.
+
+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.
+
+But the slipping price of energy slowed somewhat, which allowed overall inflation to creep up, said Dawn Desjardins, deputy chief economist for RBC.
+
+"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.
+
+"It's kind of following the script, if you will, of what forecasters were looking for."
+
+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.
+
+But moving forward, National Bank senior economist Matthieu Arseneau predicts shoppers will continue to face higher prices for imported goods in many categories.
+
+"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.
+
+By region, Statistics Canada found that consumer prices increased in every province last month compared to the year before, with British
+================================================================================
+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)
+
+Two months of sharp increases in food prices show grocers are starting to pass along their higher wholesale costs to consumers.
+
+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.
+
+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."
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+"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 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 = 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.
+
+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 = 88; Score = 626688.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).
+
+That is up from 9.9% in the previous month.
+
+Once again, the market was in large part driven by London, where house prices rose by a record 20.1% over the year.
+
+But excluding London and the South East, prices rose by a much more modest 6.4% across the UK.
+
+Prices were up in every region, except for Northern Ireland, where they fell by 0.7%.
+
+In England, prices rose by 11%, in Wales prices were up by 6.5%, and in Scotland they rose by 3.6%.
+
+According to the ONS index, the average price of a house across the UK is now £262,000.
+
+"Annual house price growth of 20.1% is borderline insane, but there are signs that the capital started to cool slightly in June and July," said Jonathan Samuels, the chief executive of Dragonfly Property Finance.
+
+Regional House Prices (England) Region Annual inflation North East 4.8% North West 3.9% Yorks and Humber 6.1% East Midlands 7.0% West Midlands 7.2% East 8.6% London 20.1% South East 9.6% South West 7.1%
+
+The housing charity Shelter said the only answer was more house-building.
+
+"Once again these figures show that house prices are spinning out of control, putting a stable home even further out of reach for ordinary families," said Campbell Robb, Shelter's chief executive.
+
+"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.
+
+5. Select the role “Active Directory Certificate Services” and click on next to continue.
+
+6. Certain features are required to install and configure SSL Certificate Services role, click on “Add Features” to install all the dependent features.
+
+7. Click on next to continue.
+
+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.
+
+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.
+
+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.
+
+11. Web Server (IIS) role is required for end users to request, renew, revoke certificates.
+
+12. Click on next to continue.
+
+13. Add roles and features wizard
+================================================================================
+Rank = 90; Score = 606208.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 = 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.
+
+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 = 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.
+
+Bookmark with: Delicious
+
+Digg
+
+reddit
+
+Facebook
+
+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|>
+================================================================================
+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.
+
+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.
+
+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.
+
+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 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.
+
+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)
+
+Total Information Awareness system from the official (decommissioned) Diagram of thesystem from the official (decommissioned) Information Awareness Office website
+
+Presentation slide produced by DARPA describing TIA
+
+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]
+
+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]
+
+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]
+
+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]
+
+Program synopsis [ edit ]
+
+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]
+
+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).
+
+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 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|>
+================================================================================
+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
+
+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 = 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.
+
+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 = 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.
+
+First things first. You will find the full source code of my ECS in my github repository.
+
+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].
+
+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.
+
+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
diff --git a/examples/openwebtext/files/ml.txt b/examples/openwebtext/files/ml.txt
new file mode 100644
index 0000000..d0e788e
--- /dev/null
+++ b/examples/openwebtext/files/ml.txt
@@ -0,0 +1,2272 @@
+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 = 35127296.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 = 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
+<|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 = 13565952.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 = 7864320.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 = 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]
+
+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 = 6; Score = 6750208.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 = 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.
+
+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 = 8; Score = 6619136.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 = 9; Score = 6553600.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 = 10; Score = 6356992.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 = 11; Score = 6193152.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 = 6029312.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 = 13; Score = 5865472.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 = 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
+<|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 = 16; Score = 5734400.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 = 17; Score = 5537792.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 = 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.
+
+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 = 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.
+
+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 = 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.
+
+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 = 21; Score = 5406720.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 = 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?
+
+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 = 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).
+
+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 = 26; Score = 4980736.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 = 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
+<|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 = 30; Score = 4718592.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 = 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.
+
+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 = 32; Score = 4456448.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 = 33; Score = 4423680.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 = 34; Score = 4292608.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 = 35; Score = 4227072.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 = 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.
+
+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 = 4194304.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 = 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
+
+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 = 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...
+
+Create CSS file to be used by HTML generated by Pandoc...
+
+Create an HTML Document with Pandoc...
+
+Conclusion
+
+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 = 40; Score = 3997696.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 = 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.
+
+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 = 42; Score = 3883008.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 = 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
+
+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 = 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
+
+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 = 46; Score = 3702784.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 = 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.
+
+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 = 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.
+
+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 = 49; Score = 3522560.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 = 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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+Countercurrent multiplication is a similar
+================================================================================
+Rank = 51; Score = 3506176.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 = 52; Score = 3424256.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 = 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.
+
+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 = 54; Score = 3358720.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 = 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.
+
+Eric Schmidt
+
+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.
+
+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.
+
+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 = 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.
+
+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 = 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.
+
+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 = 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.
+
+“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 = 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.
+
+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 = 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.
+
+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 = 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.
+
+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 = 62; Score = 3260416.0
+<|begin_of_text|>Document Clustering
+
+Contents
+
+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 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.
+
+Cluster
+
+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:
+
+index -- the index to use. Default is none.
+
+clusterIndex -- the name of the cluster database index to use. Default is none.
+
+clusterdb_type -- One of flatfile (simple cluster database) or keyfile (btree based).
+
+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.
+
+simType -- The similarity metric to use. Default is cosine similarity (COS), which is the only implemented method.
+
+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.
+
+threshold -- Minimum score for adding a document to an existing cluster. Default is 0.25.
+
+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 = 63; Score = 3211264.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 = 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.
+
+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.
+
+“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.”
+
+The results of the CEINT team’s experiments were published Feb. 27 in the online journal PLOS ONE.
+
+“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 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
+
+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.
+
+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 basics of carbon and climate
+
+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.
+
+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.
+
+Slam on the climate brakes
+
+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.
+
+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.
+
+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 = 67; Score = 3063808.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 = 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.
+
+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.
+
+Advertisement
+
+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.
+
+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.
+
+(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.)
+
+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:
+
+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]
+
+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 = 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.”
+
+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.
+
+“So it won’t be used for retribution?” one asked. “Absolutely not,” Putney replied.
+
+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.
+
+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.
+
+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.
+
+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 = 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.
+
+How To Meditate
+
+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.
+
+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.
+
+These are some tips I suggest for controlling your thoughts:
+
+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.
+
+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.
+
+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.
+
+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 = 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.
+
+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 = 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
+
+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 = 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.
+
+Decorators. The shear mention of them brings fear to even the seasoned Python programmer.
+
+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.
+
+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 ):
+
+2 # Do something with the target function
+
+3 target. attribute = 1
+
+4 return target
+
+5
+
+6 def target ( a, b ):
+
+7 return a + b
+
+8
+
+9 # This is what the decorator actually does
+
+10 target = decorator_function ( target )
+
+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 ):
+
+2 # Do something with the target function
+
+3 target. attribute = 1
+
+4 return target
+
+5
+
+6 # Here is the decorator, with the syntax '@function_name'
+
+7 @decorator_function
+
+8 def target ( a, b ):
+
+9 return a + b
+
+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 )
+
+2 3
+
+3 >>> target. attribute
+
+4 1
+
+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 ):
+
+2 return False
+================================================================================
+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.
+
+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 = 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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+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.
+
+The research is published today in the journal Science.
+
+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|>
+================================================================================
+Rank = 77; Score = 2932736.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 = 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.
+
+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.
+
+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.
+
+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
+================================================================================
+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.
+
+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 = 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.
+
+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 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.
+
+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.
+
+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 = 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.
+
+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 = 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
+
+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 = 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
+
+wedded to tools that are complex or expensive ( SPSS, SAS, ArcGIS).
+
+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.
+
+Meet agate
+
+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.
+
+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.
+
+(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!)
+
+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
+================================================================================
+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.
+
+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 = 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.
+
+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.
+
+Let’s zoom in for a closer look!
+
+Global Secondary Indexes on the Fly
+
+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.
+
+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.
+
+Here’s how you add a new index using the AWS Management Console. First, select the table and click on Create Index:
+
+Then enter the details (you can use a hash key or a combination of a hash key and a range key):
+
+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.
+
+There is no extra charge for this feature. However, you may need to provision additional write throughput in order to allow for
+================================================================================
+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.
+
+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 = 88; Score = 2801664.0
+<|begin_of_text|>Google Translate Disclaimer
+
+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.
+
+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.).
+
+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 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|>
+================================================================================
+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.
+
+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.
+
+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.
+
+Reasons for Optimism
+
+In light of what I have just described as
+================================================================================
+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.
+
+“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.
+
+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.
+
+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.
+
+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.
+
+“The correlation between metabolic gene expression and cognitive score in Alzheimer’s patients is even higher than the correlation we
+================================================================================
+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.
+
+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 = 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.
+
+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 = 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.
+
+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 = 94; Score = 2703360.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 = 95; Score = 2686976.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 = 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.”
+
+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 = 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:
+
+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?
+
+Dunbar goes on to describe the project:
+
+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
+================================================================================
+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.
+
+The Runtime
+
+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.
+
+We need to build representations for everything we'll have access to inside the language. The first one being: objects!
+
+Object
+
+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.
+
+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.
+
+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
diff --git a/examples/openwebtext/files/query_dataset_metadata.json b/examples/openwebtext/files/query_dataset_metadata.json
new file mode 100644
index 0000000..b940b25
--- /dev/null
+++ b/examples/openwebtext/files/query_dataset_metadata.json
@@ -0,0 +1,5 @@
+{
+ "type": "Dataset",
+ "dataset_size": 5,
+ "indices": null
+}
\ No newline at end of file
diff --git a/examples/openwebtext/files/score_arguments.json b/examples/openwebtext/files/score_arguments.json
new file mode 100644
index 0000000..0993172
--- /dev/null
+++ b/examples/openwebtext/files/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.bfloat16",
+ "precondition_dtype": "torch.bfloat16",
+ "score_dtype": "torch.bfloat16"
+}
\ No newline at end of file
diff --git a/examples/openwebtext/files/train_dataset_metadata.json b/examples/openwebtext/files/train_dataset_metadata.json
new file mode 100644
index 0000000..537ded9
--- /dev/null
+++ b/examples/openwebtext/files/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/fit_factors.py b/examples/openwebtext/fit_factors.py
new file mode 100644
index 0000000..8b2e0ba
--- /dev/null
+++ b/examples/openwebtext/fit_factors.py
@@ -0,0 +1,96 @@
+import argparse
+import logging
+from datetime import timedelta
+
+import torch
+from accelerate import Accelerator, InitProcessGroupKwargs
+from transformers import default_data_collator
+
+from examples.openwebtext.pipeline import construct_llama3, get_openwebtext_dataset
+from examples.openwebtext.task import LanguageModelingTask
+from kronfluence.analyzer import Analyzer, prepare_model
+from kronfluence.utils.common.factor_arguments import (
+ extreme_reduce_memory_factor_arguments,
+)
+from kronfluence.utils.dataset import DataLoaderKwargs
+
+torch.backends.cudnn.benchmark = True
+torch.backends.cuda.matmul.allow_tf32 = True
+
+
+def parse_args():
+ parser = argparse.ArgumentParser(description="Influence factor computation on Openwebtext dataset.")
+
+ parser.add_argument(
+ "--factors_name",
+ type=str,
+ help="Name of the factor.",
+ )
+ parser.add_argument(
+ "--factor_strategy",
+ type=str,
+ default="ekfac",
+ help="Strategy to compute influence factors.",
+ )
+ parser.add_argument(
+ "--factor_batch_size",
+ type=int,
+ default=4,
+ help="Batch size for computing influence factors.",
+ )
+ parser.add_argument(
+ "--profile",
+ action="store_true",
+ default=False,
+ help="Boolean flag to profile computations.",
+ )
+ args = parser.parse_args()
+
+ return args
+
+
+def main():
+ args = parse_args()
+ logging.basicConfig(level=logging.INFO)
+
+ # Prepare the dataset.
+ train_dataset = get_openwebtext_dataset()
+
+ # Prepare the trained model.
+ model = construct_llama3()
+
+ # Define task and prepare model.
+ task = LanguageModelingTask()
+ model = prepare_model(model, task)
+
+ kwargs = InitProcessGroupKwargs(timeout=timedelta(seconds=5400)) # 1.5 hours.
+ accelerator = Accelerator(kwargs_handlers=[kwargs])
+ model = accelerator.prepare_model(model)
+
+ analyzer = Analyzer(
+ analysis_name="openwebtext",
+ model=model,
+ task=task,
+ profile=args.profile,
+ )
+ # Configure parameters for DataLoader.
+ dataloader_kwargs = DataLoaderKwargs(num_workers=4, collate_fn=default_data_collator, pin_memory=True)
+ analyzer.set_dataloader_kwargs(dataloader_kwargs)
+
+ factors_name = args.factors_name
+ factor_args = extreme_reduce_memory_factor_arguments(
+ strategy=args.factor_strategy, module_partitions=1, dtype=torch.bfloat16
+ )
+ factor_args.covariance_module_partitions = 2
+ factor_args.lambda_module_partitions = 4
+ analyzer.fit_all_factors(
+ factors_name=factors_name,
+ dataset=train_dataset,
+ per_device_batch_size=args.factor_batch_size,
+ factor_args=factor_args,
+ overwrite_output_dir=False,
+ )
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/openwebtext/generate.py b/examples/openwebtext/generate.py
new file mode 100644
index 0000000..46eead5
--- /dev/null
+++ b/examples/openwebtext/generate.py
@@ -0,0 +1,19 @@
+import torch
+import transformers
+
+model_id = "meta-llama/Meta-Llama-3-8B"
+pipeline = transformers.pipeline(
+ "text-generation", model=model_id, model_kwargs={"torch_dtype": torch.bfloat16}, device_map="auto"
+)
+
+prompt = "Doctors are male and nurses are"
+# 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:")
+print(prompt)
+print("Prompt + Completion:")
+print(outputs[0]["generated_text"])
diff --git a/examples/openwebtext/inpsect_factors.py b/examples/openwebtext/inpsect_factors.py
new file mode 100644
index 0000000..3c725d7
--- /dev/null
+++ b/examples/openwebtext/inpsect_factors.py
@@ -0,0 +1,39 @@
+import matplotlib.pyplot as plt
+import numpy as np
+from matplotlib.colors import LogNorm
+from tueplots import markers
+
+from kronfluence.analyzer import Analyzer
+
+
+def main():
+ plt.rcParams.update({"figure.dpi": 150})
+ plt.rcParams.update(markers.with_edge())
+ plt.rcParams["axes.axisbelow"] = True
+
+ 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_matrix.div_(lambda_processed)
+ lambda_matrix = lambda_matrix.float()
+ plt.matshow(lambda_matrix, cmap="PuBu", norm=LogNorm())
+
+ plt.title(module_name)
+ plt.colorbar()
+ plt.show()
+ plt.clf()
+
+ lambda_matrix = lambda_matrix.view(-1).numpy()
+ sorted_lambda_matrix = np.sort(lambda_matrix)
+ plt.plot(sorted_lambda_matrix)
+ plt.title(module_name)
+ plt.grid()
+ plt.yscale("log")
+ plt.ylabel("Eigenvalues")
+ plt.show()
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/openwebtext/inspect_scores.py b/examples/openwebtext/inspect_scores.py
new file mode 100644
index 0000000..6eeda21
--- /dev/null
+++ b/examples/openwebtext/inspect_scores.py
@@ -0,0 +1,42 @@
+import matplotlib.pyplot as plt
+import torch
+from transformers import AutoTokenizer
+
+from examples.openwebtext.pipeline import (
+ MODEL_NAME,
+ get_custom_dataset,
+ get_openwebtext_dataset,
+)
+from kronfluence.analyzer import Analyzer
+
+
+def main():
+ 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()
+ tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, use_fast=True, trust_remote_code=True)
+
+ eval_idx = 4
+ sorted_scores = torch.sort(scores[eval_idx], descending=True)
+ top_indices = sorted_scores.indices
+
+ plt.plot(sorted_scores.values)
+ plt.grid()
+ plt.ylabel("IF Score")
+ plt.show()
+
+ print("Query Sequence:")
+ print(
+ "Prompt: " + eval_dataset[eval_idx]["prompt"] + "; Completion: " + eval_dataset[eval_idx]["completion"] + "\n"
+ )
+
+ print("Top Influential Sequences:")
+ for i in range(100):
+ print("=" * 80)
+ print(f"Rank = {i}; Score = {scores[eval_idx][int(top_indices[i])].item()}")
+ print(tokenizer.decode(train_dataset[int(top_indices[i])]["input_ids"]))
+
+
+if __name__ == "__main__":
+ main()
diff --git a/examples/openwebtext/pipeline.py b/examples/openwebtext/pipeline.py
new file mode 100644
index 0000000..fda0fe0
--- /dev/null
+++ b/examples/openwebtext/pipeline.py
@@ -0,0 +1,106 @@
+import copy
+from typing import List
+
+import torch
+from datasets import load_dataset
+from torch import nn
+from torch.utils import data
+from transformers import AutoConfig, AutoModelForCausalLM, AutoTokenizer
+
+MODEL_NAME = "meta-llama/Meta-Llama-3-8B"
+MAX_LENGTH = 512
+
+
+def construct_llama3() -> nn.Module:
+ config = AutoConfig.from_pretrained(
+ MODEL_NAME, trust_remote_code=True, torch_dtype=torch.bfloat16, device_map="auto"
+ )
+ model = AutoModelForCausalLM.from_pretrained(
+ MODEL_NAME,
+ from_tf=False,
+ config=config,
+ ignore_mismatched_sizes=False,
+ trust_remote_code=True,
+ )
+ return model
+
+
+def get_openwebtext_dataset(
+ indices: List[int] = None,
+) -> data.Dataset:
+ raw_datasets = load_dataset("Elriggs/openwebtext-100k")
+ tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, use_fast=True, trust_remote_code=True)
+ tokenizer.pad_token = tokenizer.eos_token
+
+ column_names = raw_datasets["train"].column_names
+ text_column_name = "text" if "text" in column_names else column_names[0]
+
+ def tokenize_function(examples):
+ results = tokenizer(examples[text_column_name], truncation=True, padding=True, max_length=MAX_LENGTH)
+ results["labels"] = results["input_ids"].copy()
+ results["labels"] = [
+ [-100 if token == tokenizer.pad_token_id else token for token in label] for label in results["labels"]
+ ]
+ return results
+
+ tokenized_datasets = raw_datasets.map(
+ tokenize_function,
+ batched=True,
+ num_proc=None,
+ remove_columns=column_names,
+ load_from_cache_file=True,
+ desc="Running tokenizer on dataset",
+ )
+
+ ds = tokenized_datasets["train"]
+
+ if indices is not None:
+ ds = ds.select(indices)
+
+ return ds
+
+
+def get_custom_dataset(
+ indices: List[int] = None,
+) -> data.Dataset:
+ data_kwargs = {
+ "path": "json",
+ "data_files": "./data/data.json",
+ "num_proc": 4,
+ }
+ raw_datasets = load_dataset(**data_kwargs)["train"]
+ tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, use_fast=True, trust_remote_code=True)
+
+ def tokenize_function(examples):
+ data_dict = {}
+ prompt_results = tokenizer(text=examples["prompt"])
+ completion_results = tokenizer(text=examples["completion"])
+ input_ids = prompt_results["input_ids"] + completion_results["input_ids"][1:]
+ attention_mask = prompt_results["attention_mask"] + completion_results["attention_mask"][1:]
+ data_dict["input_ids"] = input_ids
+ data_dict["labels"] = copy.deepcopy(input_ids)
+ data_dict["labels"][: len(prompt_results["input_ids"])] = [
+ -100 for _ in range(len(prompt_results["input_ids"]))
+ ]
+ data_dict["attention_mask"] = attention_mask
+ return data_dict
+
+ tokenized_datasets = raw_datasets.map(
+ tokenize_function,
+ batched=False,
+ num_proc=None,
+ load_from_cache_file=True,
+ desc="Running tokenizer on dataset",
+ )
+
+ if indices is not None:
+ tokenized_datasets = tokenized_datasets.select(indices)
+
+ return tokenized_datasets
+
+
+if __name__ == "__main__":
+ from kronfluence import Analyzer
+
+ model = construct_llama3()
+ print(Analyzer.get_module_summary(model))
diff --git a/examples/openwebtext/requirements.txt b/examples/openwebtext/requirements.txt
new file mode 100644
index 0000000..cd62543
--- /dev/null
+++ b/examples/openwebtext/requirements.txt
@@ -0,0 +1,4 @@
+transformers
+datasets
+matplotlib
+tueplots
\ No newline at end of file
diff --git a/examples/openwebtext/task.py b/examples/openwebtext/task.py
new file mode 100644
index 0000000..343dba2
--- /dev/null
+++ b/examples/openwebtext/task.py
@@ -0,0 +1,71 @@
+from typing import Dict, List
+
+import torch
+import torch.nn.functional as F
+from torch import nn
+
+from kronfluence.task import Task
+
+BATCH_TYPE = Dict[str, torch.Tensor]
+
+
+class LanguageModelingTask(Task):
+ def compute_train_loss(
+ self,
+ batch: BATCH_TYPE,
+ model: nn.Module,
+ sample: bool = False,
+ ) -> torch.Tensor:
+ logits = model(
+ input_ids=batch["input_ids"],
+ attention_mask=batch["attention_mask"],
+ ).logits
+ logits = logits[..., :-1, :].contiguous()
+ logits = logits.view(-1, logits.size(-1))
+
+ 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)
+ else:
+ with torch.no_grad():
+ probs = torch.nn.functional.softmax(logits.detach(), dim=-1)
+ sampled_labels = torch.multinomial(
+ probs,
+ num_samples=1,
+ ).flatten()
+ summed_loss = F.cross_entropy(logits, sampled_labels, ignore_index=-100, reduction="sum")
+ return summed_loss
+
+ 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
+ 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")
+
+ 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.
+ # 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")
+ # total_modules.append(f"model.layers.{i}.self_attn.v_proj")
+ # total_modules.append(f"model.layers.{i}.self_attn.o_proj")
+
+ for i in range(32):
+ total_modules.append(f"model.layers.{i}.mlp.gate_proj")
+ total_modules.append(f"model.layers.{i}.mlp.up_proj")
+ total_modules.append(f"model.layers.{i}.mlp.down_proj")
+
+ return total_modules
+
+ def get_attention_mask(self, batch: BATCH_TYPE) -> torch.Tensor:
+ return batch["attention_mask"]
diff --git a/examples/requirements.txt b/examples/requirements.txt
new file mode 100644
index 0000000..5fb9eed
--- /dev/null
+++ b/examples/requirements.txt
@@ -0,0 +1,11 @@
+scikit-learn
+jupyter
+matplotlib
+tueplots
+transformers
+evaluate
+datasets
+sentencepiece!=0.1.92
+nltk
+py7zr
+rouge-score
\ No newline at end of file
diff --git a/examples/swag/README.md b/examples/swag/README.md
new file mode 100644
index 0000000..4ff8146
--- /dev/null
+++ b/examples/swag/README.md
@@ -0,0 +1,140 @@
+# SWAG & RoBERTa Example
+
+This directory demonstrates fine-tuning RoBERTa on the SWAG dataset and computing influence scores. The implementation is inspired by [this HuggingFace example](https://github.com/huggingface/transformers/tree/main/examples/pytorch/multiple-choice) and showcases how to define `post_process_per_sample_gradient`.
+Install the required packages:
+
+```bash
+pip install -r requirements.txt
+```
+
+## Training
+
+To fine-tune RoBERTa on the SWAG dataset, run the following command:
+
+```bash
+python train.py --checkpoint_dir ./checkpoints \
+ --train_batch_size 16 \
+ --eval_batch_size 32 \
+ --learning_rate 1e-05 \
+ --weight_decay 0.001 \
+ --num_train_epochs 3 \
+ --seed 1004
+```
+
+The final checkpoint will be saved in the `./checkpoints` directory.
+
+## Computing Pairwise Influence Scores
+
+To calculate pairwise influence scores on 2000 query data points using `ekfac`, run:
+
+```bash
+python analyze.py --factor_batch_size 128 \
+ --query_batch_size 100 \
+ --train_batch_size 64 \
+ --checkpoint_dir ./checkpoints \
+ --factor_strategy ekfac
+```
+
+Alternative options for `factor_strategy` include `identity`, `diagonal`, and `kfac`.
+On an A100 (80GB), computing the pairwise scores (including EKFAC factors) takes approximately 10 hours:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 3.5124e+04 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 2.9384e+04 | 1 | 2.9384e+04 | 83.656 |
+| Fit Lambda | 3578.7 | 1 | 3578.7 | 10.189 |
+| Fit Covariance | 2143.9 | 1 | 2143.9 | 6.1036 |
+| Perform Eigendecomposition | 10.213 | 1 | 10.213 | 0.029078 |
+| Save Eigendecomposition | 3.4398 | 1 | 3.4398 | 0.0097933 |
+| Save Covariance | 2.5179 | 1 | 2.5179 | 0.0071684 |
+| Save Pairwise Score | 1.2982 | 1 | 1.2982 | 0.0036959 |
+| Save Lambda | 0.68226 | 1 | 0.68226 | 0.0019424 |
+| Load All Factors | 0.013627 | 1 | 0.013627 | 3.8797e-05 |
+| Load Eigendecomposition | 0.0088496 | 1 | 0.0088496 | 2.5195e-05 |
+| Load Covariance | 0.008222 | 1 | 0.008222 | 2.3408e-05 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+For more efficient computation, use half-precision:
+
+```bash
+python analyze.py --factor_batch_size 128 \
+ --query_batch_size 100 \
+ --train_batch_size 128 \
+ --use_half_precision \
+ --checkpoint_dir ./checkpoints \
+ --factor_strategy ekfac
+```
+
+This reduces computation time to about 3 hours on an A100 (80GB) GPU.
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 11 | 1.0935e+04 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 9576.4 | 1 | 9576.4 | 87.578 |
+| Fit Lambda | 932.07 | 1 | 932.07 | 8.524 |
+| Fit Covariance | 411.81 | 1 | 411.81 | 3.7661 |
+| Perform Eigendecomposition | 10.623 | 1 | 10.623 | 0.097145 |
+| Save Eigendecomposition | 1.4735 | 1 | 1.4735 | 0.013475 |
+| Save Covariance | 1.2953 | 1 | 1.2953 | 0.011846 |
+| Save Pairwise Score | 0.66271 | 1 | 0.66271 | 0.0060606 |
+| Save Lambda | 0.34022 | 1 | 0.34022 | 0.0031114 |
+| Load All Factors | 0.012041 | 1 | 0.012041 | 0.00011012 |
+| Load Covariance | 0.0079526 | 1 | 0.0079526 | 7.2728e-05 |
+| Load Eigendecomposition | 0.0076841 | 1 | 0.0076841 | 7.0273e-05 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+Query batching (low-rank approximation to the query gradient; see **Section 3.2.2** from the paper) can be used to compute influence scores with a larger query batch size:
+
+```bash
+python analyze.py --factor_batch_size 128 \
+ --query_batch_size 100 \
+ --train_batch_size 128 \
+ --query_gradient_rank 32 \
+ --use_half_precision \
+ --checkpoint_dir ./checkpoints \
+ --factor_strategy ekfac
+```
+
+On an A100 (80GB) GPU, it takes roughly 1 hour to compute the pairwise scores with query batching:
+
+```
+----------------------------------------------------------------------------------------------------------------------------------
+| Action | Mean duration (s) | Num calls | Total time (s) | Percentage % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Total | - | 3 | 2007.9 | 100 % |
+----------------------------------------------------------------------------------------------------------------------------------
+| Compute Pairwise Score | 2007.2 | 1 | 2007.2 | 99.966 |
+| Save Pairwise Score | 0.66464 | 1 | 0.66464 | 0.033102 |
+| Load All Factors | 0.012345 | 1 | 0.012345 | 0.00061484 |
+----------------------------------------------------------------------------------------------------------------------------------
+```
+
+## Evaluating 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.33` LDS (`0.30` LDS with half precision and half precision + query batching).
+
+```
+Query Data Example:
+ Option 0: He looks disgusted and spits it out onto the plate.He slides both hands around the crack.
+ Option 1: He looks disgusted and spits it out onto the plate.He passes someone to the bald guy.
+ Option 2: He looks disgusted and spits it out onto the plate.He picks up a piece of bread.